MaHaWo commited on
Commit
bd90acc
·
verified ·
1 Parent(s): ca8fcac

add all tflite models

Browse files
birdnet_custom_v2.4/README.md ADDED
@@ -0,0 +1,20 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # README
2
+
3
+ This folder provides a model that has been obtained from the unchanged birdnetv2.4 model available [here](https://github.com/kahst/BirdNET-Analyzer) under `checkpoints`, originally developed by the birdnet team
4
+ and published here
5
+
6
+ ```
7
+ @article{kahl2021birdnet,
8
+ title={BirdNET: A deep learning solution for avian diversity monitoring},
9
+ author={Kahl, Stefan and Wood, Connor M and Eibl, Maximilian and Klinck, Holger},
10
+ journal={Ecological Informatics},
11
+ volume={61},
12
+ pages={101236},
13
+ year={2021},
14
+ publisher={Elsevier}
15
+ }
16
+ ```
17
+ and distributed under the [ Creative Commons Attribution-NonCommercial-ShareAlike 4.0 International License](https://creativecommons.org/licenses/by-nc-sa/4.0/)
18
+
19
+ It has been obtained by following the [`Training`](https://github.com/kahst/BirdNET-Analyzer?tab=readme-ov-file#training) section in the readme of birdnet-analyzer.
20
+ Thus, it is merely a toy model and not useful for any serious inference.
birdnet_custom_v2.4/default.yml ADDED
@@ -0,0 +1,29 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Analysis:
2
+ Recording:
3
+ species_presence_threshold: 0.03
4
+ min_conf: 0.25
5
+ file_check_poll_interval: 1
6
+ Model:
7
+ sigmoid_sensitivity: 1.0
8
+ num_threads: 2
9
+ species_list_file: null
10
+
11
+ SpeciesPresence:
12
+ threshold: 0.03
13
+ num_threads: 1
14
+ use_cache: true
15
+
16
+ modelname: birdnet_default
17
+ pattern: ".wav"
18
+ check_time: 1
19
+ delete_recordings: "never"
20
+ model_dir: ~/iSparrow/models
21
+
22
+ Data:
23
+ input: ~/iSparrow_data
24
+ output: ~/iSparrow_output
25
+ Preprocessor:
26
+ sample_rate: 48000
27
+ overlap: 0.0
28
+ sample_secs: 3.0
29
+ resample_type: kaiser_fast
birdnet_custom_v2.4/labels.txt ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ Cardinalis cardinalis_Northern Cardinal
2
+ Cyanocitta cristata_Blue Jay
3
+ Junco hyemalis_Dark-eyed Junco
4
+ Poecile atricapillus_Black-capped Chickadee
birdnet_custom_v2.4/model.py ADDED
@@ -0,0 +1,215 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from pathlib import Path
2
+ import numpy as np
3
+
4
+ try:
5
+ import tflite_runtime.interpreter as tflite
6
+ except Exception:
7
+ from tensorflow import lite as tflite
8
+
9
+ from birdnetlib.analyzer import AnalyzerConfigurationError
10
+
11
+ from iSparrow.model_base import ModelBase
12
+ from iSparrow import utils
13
+
14
+
15
+ class Model(ModelBase):
16
+
17
+ def _check_classifier_path_integrity(
18
+ self, classifier_model_path: str, classifier_labels_path: str
19
+ ):
20
+ """checks if custom classifier/labels are both given if one is present and the files they point to exist"""
21
+
22
+ if (classifier_model_path is not None and classifier_labels_path is None) or (
23
+ classifier_model_path is None and classifier_labels_path is not None
24
+ ):
25
+ raise AnalyzerConfigurationError(
26
+ "Model and label file paths must be specified to use a custom classifier"
27
+ )
28
+
29
+ if (
30
+ classifier_model_path is not None
31
+ and Path(classifier_model_path).exists() is False
32
+ ):
33
+ raise AnalyzerConfigurationError(
34
+ f"Custom classifier model could not be found at the provided path {classifier_model_path}"
35
+ )
36
+
37
+ if (
38
+ classifier_model_path is not None
39
+ and Path(classifier_labels_path).exists() is False
40
+ ):
41
+ raise AnalyzerConfigurationError(
42
+ f"Custom classifier labels could not be found at the provided path {classifier_labels_path}"
43
+ )
44
+
45
+ #
46
+ def __init__(
47
+ self,
48
+ default_model_path: str = None,
49
+ model_path: str = None,
50
+ sigmoid_sensitivity: float = 1.0,
51
+ num_threads: int = 1,
52
+ **kwargs
53
+ ):
54
+
55
+ self.default_model_path = str(Path(default_model_path) / "model.tflite")
56
+ self.default_labels_path = str(Path(default_model_path) / "labels.txt")
57
+
58
+ classifier_model_path = str(Path(model_path) / "model.tflite")
59
+ classifier_labels_path = str(Path(model_path) / "labels.txt")
60
+
61
+ # check custom classifier paths through function due to higher complexity
62
+ self._check_classifier_path_integrity(
63
+ classifier_model_path, classifier_labels_path
64
+ )
65
+ # need to call this custom because the super class has no prefix..
66
+ self.custom_classifier = None
67
+ self.custom_input_layer_index = None
68
+ self.custom_output_layer_index = None
69
+
70
+ self.input_layer_index = None
71
+ self.output_layer_index = None
72
+ self.sigmoid_sensitivity = sigmoid_sensitivity
73
+
74
+ # use the super class for handling the default models and load the custom ones in this one
75
+ super().__init__(
76
+ "birdnet_custom",
77
+ model_path=classifier_model_path,
78
+ labels_path=classifier_labels_path,
79
+ num_threads=num_threads,
80
+ **kwargs
81
+ )
82
+
83
+ def load_model(self):
84
+ """
85
+ load_model Load the default model for making feature embeddings and the custom classifier for classifying them into species.
86
+
87
+ """
88
+
89
+ # this overrides the base method because we need to load the default models to provide
90
+ # the feature embeddings and the custom classifier to apply to them to get the actual
91
+ # classification
92
+
93
+ # load the default model
94
+ self.model = utils.load_model_from_file_tflite(
95
+ self.default_model_path, num_threads=self.num_threads
96
+ )
97
+ self.model.allocate_tensors()
98
+
99
+ # Get input and output tensors.
100
+ input_details = self.model.get_input_details()
101
+ output_details = self.model.get_output_details()
102
+
103
+ # Get input tensor index
104
+ self.input_layer_index = input_details[0]["index"]
105
+
106
+ # Get feature embeddings
107
+ self.output_layer_index = output_details[0]["index"] - 1
108
+ print("Default classifier loaded", flush = True)
109
+
110
+ # now load the custom classifier
111
+ self.custom_classifier = tflite.Interpreter(
112
+ model_path=str(self.model_path), num_threads=self.num_threads
113
+ )
114
+ self.custom_classifier.allocate_tensors()
115
+
116
+ # Get input and output tensors.
117
+ custom_input_details = self.custom_classifier.get_input_details()
118
+ custom_output_details = self.custom_classifier.get_output_details()
119
+
120
+ self.custom_input_layer_index = custom_input_details[0]["index"]
121
+ self.custom_output_layer_index = custom_output_details[0]["index"]
122
+
123
+ print("Custom classifier loaded")
124
+
125
+ def load_species_list(self):
126
+ # TODO
127
+ pass
128
+
129
+ def get_embeddings(self, data: np.array) -> np.array:
130
+ """
131
+ get_embeddings Extract feature embedding from audio file without immediatelly classifying the species.
132
+ These can in a second step be used with a custom classifier to find species not
133
+ included in the default training data.
134
+
135
+ Args:
136
+ data (np.array): Preprocessed audio snippet to extract features from
137
+
138
+ Returns:
139
+ np.array: Feature embedding produces by the default birdnet CNN.
140
+ """
141
+ print(" get embeddings", flush = True)
142
+ self.model.resize_tensor_input(
143
+ self.input_layer_index, [len(data), *data[0].shape]
144
+ )
145
+
146
+ self.model.allocate_tensors()
147
+
148
+ # Extract feature embeddings
149
+ self.model.set_tensor(self.input_layer_index, np.array(data, dtype="float32"))
150
+
151
+ self.model.invoke()
152
+
153
+ features = self.model.get_tensor(self.output_layer_index)
154
+
155
+ return features
156
+
157
+ def predict(self, sample: np.array) -> np.array:
158
+ """
159
+ predict Make inference about the bird species for the preprocessed data passed to this function as arguments.
160
+
161
+ Args:
162
+ data (np.array): list of preprocessed data chunks
163
+ Returns:
164
+ list: List of (label, inferred_probability)
165
+ """
166
+ data = np.array([sample], dtype="float32")
167
+
168
+ input_details = self.custom_classifier.get_input_details()
169
+
170
+ input_size = input_details[0]["shape"][-1]
171
+
172
+ feature_vector = self.get_embeddings(data) if input_size != 144000 else data
173
+
174
+ self.custom_classifier.resize_tensor_input(
175
+ self.custom_input_layer_index,
176
+ [len(feature_vector), *feature_vector[0].shape],
177
+ )
178
+
179
+ self.custom_classifier.allocate_tensors()
180
+
181
+ # Make a prediction
182
+ self.custom_classifier.set_tensor(
183
+ self.custom_input_layer_index, np.array(feature_vector, dtype="float32")
184
+ )
185
+
186
+ self.custom_classifier.invoke()
187
+
188
+ prediction = self.custom_classifier.get_tensor(self.custom_output_layer_index)
189
+
190
+ # map to probabilities
191
+ confidence = self._sigmoid(np.array(prediction), -self.sigmoid_sensitivity)
192
+
193
+ return confidence
194
+
195
+ @classmethod
196
+ def from_cfg(cls, iSparrow_dir: str, cfg: dict):
197
+ """
198
+ from_cfg Create a new instance from a dictionary containing keyword arguments. Usually loaded from a config file.
199
+
200
+ Args:
201
+ iSparrow_dir (str): Installation directory of the iSparrow package
202
+ cfg (dict): Dictionary containing the keyword arguments
203
+
204
+ Returns:
205
+ Model: New model instance created with the supplied kwargs.
206
+ """
207
+
208
+ # preprocess config because we need two models here
209
+ cfg["default_model_path"] = str(
210
+ Path(iSparrow_dir) / Path("models") / Path("birdnet_default")
211
+ )
212
+ cfg["model_path"] = str(
213
+ Path(iSparrow_dir) / Path("models") / Path(cfg["model_path"])
214
+ )
215
+ return cls(**cfg)
birdnet_custom_v2.4/model.tflite ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5eee37652430c54490321e0d2096d55817b4ac4da2301b594f03fcb9d52af741
3
+ size 25008856
birdnet_custom_v2.4/params.csv ADDED
@@ -0,0 +1,2 @@
 
 
 
1
+ Hidden units,Dropout,Batchsize,Learning rate,Crop mode,Crop overlap,Upsamling mode,Upsamling ratio,use mixup,use label smoothing
2
+ 0,0,32,0.001,center,0.0,repeat,0,False,False
birdnet_custom_v2.4/preprocessor.py ADDED
@@ -0,0 +1,103 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import numpy as np
2
+ import iSparrow.preprocessor_base as ppb
3
+
4
+
5
+ class Preprocessor(ppb.PreprocessorBase):
6
+ """
7
+ Preprocessor Preprocess audio data into resampled chunks for analysis.
8
+
9
+ """
10
+
11
+ def __init__(
12
+ self,
13
+ sample_rate: int = 48000,
14
+ overlap: float = 0.0,
15
+ sample_secs: int = 3.0,
16
+ resample_type: str = "kaiser_fast",
17
+ **kwargs
18
+ ):
19
+ """
20
+ __init__ Construct a new preprocesssor for custom birdnet classifiers from given parameters, and use defaults for the ones not present.
21
+
22
+ Args:
23
+ sample_rate (int, optional): The sample rate used to resample the read audio file. Defaults to 48000.
24
+ overlap (float, optional): Overlap between chunks to be analyzed. Defaults to 0.0.
25
+ sample_secs (int, optional): Length of chunks to be analyzed at once. Defaults to 3.0.
26
+ resample_type (str, optional): Resampling method used when reading from file. Defaults to "kaiser_fast".
27
+ """
28
+
29
+ super().__init__(
30
+ "birdnet_custom",
31
+ sample_rate=sample_rate,
32
+ overlap=overlap,
33
+ sample_secs=sample_secs,
34
+ resample_type=resample_type,
35
+ **kwargs
36
+ )
37
+
38
+ def process_audio_data(self, rawdata: np.ndarray) -> list:
39
+ """
40
+ process_audio_data Process raw, resampled audio data into chunks that then can be analyzed
41
+
42
+ Args:
43
+ data (np.ndarray): raw, resampled audio data as returned from 'read_audio'
44
+
45
+ Returns:
46
+ list: chunked audio data
47
+ """
48
+ print("process audio data custom", flush=True)
49
+ seconds = self.sample_secs
50
+ minlen = 1.5
51
+
52
+ self.chunks = []
53
+
54
+ for i in range(
55
+ 0, len(rawdata), int((seconds - self.overlap) * self.sample_rate)
56
+ ):
57
+
58
+ split = rawdata[i : (i + int(seconds * self.actual_sampling_rate))]
59
+
60
+ # End of signal?
61
+ if len(split) < int(minlen * self.actual_sampling_rate):
62
+ break
63
+
64
+ # Signal chunk too short? Fill with zeros.
65
+ if len(split) < int(self.actual_sampling_rate * seconds):
66
+ temp = np.zeros((int(self.actual_sampling_rate * seconds)))
67
+ temp[: len(split)] = split
68
+ split = temp
69
+
70
+ self.chunks.append(split)
71
+
72
+ print(
73
+ "process audio data custom: complete, read ",
74
+ str(len(self.chunks)),
75
+ "chunks.",
76
+ flush=True
77
+ )
78
+
79
+ return self.chunks
80
+
81
+ @classmethod
82
+ def from_cfg(cls, cfg: dict):
83
+ """
84
+ from_cfg Construct a new preprocessor from a given dictionary. This represents typically a config node read from a YAML file.
85
+
86
+ Args:
87
+ cfg (dict): Config node read from a YAML file
88
+
89
+ Returns: new preprocessor instance
90
+ """
91
+ allowed = [
92
+ "sample_rate",
93
+ "overlap",
94
+ "sample_secs",
95
+ "resample_type",
96
+ "duration",
97
+ "actual_sampling_rate",
98
+ ]
99
+
100
+ if len([key for key in cfg if key not in allowed]) > 0:
101
+ raise RuntimeError("Erroneous keyword arguments in preprocessor config")
102
+
103
+ return cls(**cfg)
birdnet_default_v2.4/README.md ADDED
@@ -0,0 +1,17 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # README
2
+
3
+ This folder provides the unchanged birdnetv2.4 model available [here](https://github.com/kahst/BirdNET-Analyzer) under `checkpoints`, originally developed by the birdnet team
4
+ and published here
5
+
6
+ ```
7
+ @article{kahl2021birdnet,
8
+ title={BirdNET: A deep learning solution for avian diversity monitoring},
9
+ author={Kahl, Stefan and Wood, Connor M and Eibl, Maximilian and Klinck, Holger},
10
+ journal={Ecological Informatics},
11
+ volume={61},
12
+ pages={101236},
13
+ year={2021},
14
+ publisher={Elsevier}
15
+ }
16
+ ```
17
+ and distributed under the [ Creative Commons Attribution-NonCommercial-ShareAlike 4.0 International License](https://creativecommons.org/licenses/by-nc-sa/4.0/)
birdnet_default_v2.4/default.yml ADDED
@@ -0,0 +1,29 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Analysis:
2
+ Recording:
3
+ species_presence_threshold: 0.03
4
+ min_conf: 0.25
5
+ file_check_poll_interval: 1
6
+ Model:
7
+ sigmoid_sensitivity: 1.0
8
+ num_threads: 2
9
+ species_list_file: null
10
+
11
+ SpeciesPresence:
12
+ threshold: 0.03
13
+ num_threads: 1
14
+ use_cache: true
15
+
16
+ modelname: birdnet_default
17
+ pattern: ".wav"
18
+ check_time: 1
19
+ delete_recordings: "never"
20
+ model_dir: ~/iSparrow/models
21
+
22
+ Data:
23
+ input: ~/iSparrow_data
24
+ output: ~/iSparrow_output
25
+ Preprocessor:
26
+ sample_rate: 48000
27
+ overlap: 0.0
28
+ sample_secs: 3.0
29
+ resample_type: kaiser_fast
birdnet_default_v2.4/labels.txt ADDED
The diff for this file is too large to render. See raw diff
 
birdnet_default_v2.4/model.py ADDED
@@ -0,0 +1,110 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from pathlib import Path
2
+ import numpy as np
3
+
4
+ from iSparrow.model_base import ModelBase
5
+
6
+ # from iSparrow import utils
7
+
8
+
9
+ class Model(ModelBase):
10
+ """
11
+ Model Model class representing the the default birdnet model. Does currently not support custom species list or species prediction based on coordinates.
12
+
13
+ """
14
+
15
+ def __init__(
16
+ self,
17
+ model_path: str,
18
+ num_threads: int = 1,
19
+ sigmoid_sensitivity: float = 1.0,
20
+ species_list_file: str = None,
21
+ **kwargs
22
+ ):
23
+ """
24
+ __init__ Create a new model instance that uses birdnet-analyzer models for bird species classification
25
+
26
+ Args:
27
+ model_path (str): Path to the location of the model file to be loaded
28
+ num_threads (int, optional): Number of threads used for inference. Defaults to 1.
29
+ sigmoid_sensitivity (float, optional): Parameter of the sigmoid function used to compute probabilities. Defaults to 1.0.
30
+
31
+ Raises:
32
+ AnalyzerConfigurationError: The model file 'model.tflite' doesn't exist at the given path.
33
+ AnalyzerConfigurationError: The labels file 'labels.txt' doesn't exist at the given path.
34
+ """
35
+
36
+ labels_path = str(Path(model_path) / "labels.txt")
37
+
38
+ model_path = str(Path(model_path) / "model.tflite")
39
+
40
+ # base class loads the model and labels
41
+ super().__init__(
42
+ "birdnet_default",
43
+ model_path,
44
+ labels_path,
45
+ num_threads=num_threads,
46
+ **kwargs
47
+ )
48
+
49
+ self.sigmoid_sensitivity = sigmoid_sensitivity
50
+
51
+ # store input and output index to not have to retrieve them each time an inference is made
52
+ input_details = self.model.get_input_details()
53
+
54
+ output_details = self.model.get_output_details()
55
+
56
+ # Get input tensor index
57
+ self.input_layer_index = input_details[0]["index"]
58
+
59
+ # Get classification output or feature embeddings as output, depending on presence fo custom classifier
60
+ self.output_layer_index = output_details[0]["index"]
61
+
62
+ def load_species_list(self):
63
+ # TODO
64
+ pass
65
+
66
+ def predict(self, sample: np.array) -> np.array:
67
+ """
68
+ predict Make inference about the bird species for the preprocessed data passed to this function as arguments.
69
+
70
+ Args:
71
+ data (np.array): list of preprocessed data chunks
72
+ Returns:
73
+ list: List of (label, inferred_probability)
74
+ """
75
+ data = np.array([sample], dtype="float32")
76
+
77
+ self.model.resize_tensor_input(
78
+ self.input_layer_index, [len(data), *data[0].shape]
79
+ )
80
+ self.model.allocate_tensors()
81
+
82
+ # Make a prediction (Audio only for now)
83
+ self.model.set_tensor(self.input_layer_index, np.array(data, dtype="float32"))
84
+ self.model.invoke()
85
+
86
+ prediction = self.model.get_tensor(self.output_layer_index)
87
+
88
+ confidence = self._sigmoid(
89
+ np.array(prediction), sigmoid_sensitivity=-self.sigmoid_sensitivity
90
+ )
91
+
92
+ return confidence
93
+
94
+ @classmethod
95
+ def from_cfg(cls, iSparrow_folder: str, cfg: dict):
96
+ """
97
+ from_cfg Create a new instance from a dictionary containing keyword arguments. Usually loaded from a config file.
98
+
99
+ Args:
100
+ iSparrow_dir (str): Installation directory of the iSparrow package
101
+ cfg (dict): Dictionary containing the keyword arguments
102
+
103
+ Returns:
104
+ Model: New model instance created with the supplied kwargs.
105
+ """
106
+ cfg["model_path"] = str(
107
+ Path(iSparrow_folder) / Path("models") / cfg["model_path"]
108
+ )
109
+
110
+ return cls(**cfg)
birdnet_default_v2.4/model.tflite ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:55f3e4055b1a13bfa9a2452731d0d34f6a02d6b775a334362665892794165e4c
3
+ size 51726412
birdnet_default_v2.4/preprocessor.py ADDED
@@ -0,0 +1,101 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import numpy as np
2
+ import iSparrow.preprocessor_base as ppb
3
+
4
+
5
+ class Preprocessor(ppb.PreprocessorBase):
6
+ """
7
+ Preprocessor Preprocess audio data into resampled chunks for analysis.
8
+
9
+ """
10
+
11
+ def __init__(
12
+ self,
13
+ sample_rate: int = 48000,
14
+ overlap: float = 0.0,
15
+ sample_secs: int = 3.0,
16
+ resample_type: str = "kaiser_fast",
17
+ **kwargs
18
+ ):
19
+ """
20
+ __init__ Construct a new preprocesssor for custom birdnet classifiers from given parameters, and use defaults for the ones not present.
21
+
22
+ Args:
23
+ sample_rate (int, optional): The sample rate used to resample the read audio file. Defaults to 48000.
24
+ overlap (float, optional): Overlap between chunks to be analyzed. Defaults to 0.0.
25
+ sample_secs (int, optional): Length of chunks to be analyzed at once. Defaults to 3.0.
26
+ resample_type (str, optional): Resampling method used when reading from file. Defaults to "kaiser_fast".
27
+ """
28
+
29
+ super().__init__(
30
+ "birdnet_default",
31
+ sample_rate=sample_rate,
32
+ overlap=overlap,
33
+ sample_secs=sample_secs,
34
+ resample_type=resample_type,
35
+ **kwargs
36
+ )
37
+
38
+ def process_audio_data(self, rawdata: np.ndarray) -> list:
39
+ """
40
+ process_audio_data Process raw, resampled audio data into chunks that then can be analyzed
41
+
42
+ Args:
43
+ data (np.ndarray): raw, resampled audio data as returned from 'read_audio'
44
+
45
+ Returns:
46
+ list: chunked audio data
47
+ """
48
+ print("process audio data default", flush=True)
49
+ seconds = self.sample_secs
50
+ minlen = 1.5
51
+
52
+ self.chunks = []
53
+
54
+ for i in range(
55
+ 0, len(rawdata), int((seconds - self.overlap) * self.sample_rate)
56
+ ):
57
+
58
+ split = rawdata[i : (i + int(seconds * self.actual_sampling_rate))]
59
+
60
+ # End of signal?
61
+ if len(split) < int(minlen * self.actual_sampling_rate):
62
+ break
63
+
64
+ # Signal chunk too short? Fill with zeros.
65
+ if len(split) < int(self.actual_sampling_rate * seconds):
66
+ temp = np.zeros((int(self.actual_sampling_rate * seconds)))
67
+ temp[: len(split)] = split
68
+ split = temp
69
+
70
+ self.chunks.append(split)
71
+
72
+ print(
73
+ "process audio data default: complete, read ",
74
+ str(len(self.chunks)),
75
+ "chunks.",flush=True)
76
+
77
+ return self.chunks
78
+
79
+ @classmethod
80
+ def from_cfg(cls, cfg: dict):
81
+ """
82
+ from_cfg Construct a new preprocessor from a given dictionary. This represents typically a config node read from a YAML file.
83
+
84
+ Args:
85
+ cfg (dict): Config node read from a YAML file
86
+
87
+ Returns: new preprocessor instance
88
+ """
89
+ allowed = [
90
+ "sample_rate",
91
+ "overlap",
92
+ "sample_secs",
93
+ "resample_type",
94
+ "duration",
95
+ "actual_sampling_rate",
96
+ ]
97
+
98
+ if len([key for key in cfg if key not in allowed]) > 0:
99
+ raise RuntimeError("Erroneous keyword arguments in preprocessor config")
100
+
101
+ return cls(**cfg)
birdnet_default_v2.4/species_presence_model.tflite ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1226f23fc20362617deb09178f366111b70cf085c2c82893f2814e5acedce6c2
3
+ size 14770468
google_perch_lite/Readme.md ADDED
@@ -0,0 +1,11 @@
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Google Perch
2
+
3
+ The model has been pulled from [here](https://www.kaggle.com/models/google/bird-vocalization-classifier/TensorFlow2/bird-vocalization-classifier/2) and
4
+ is distributed under the apache 2.0 licence there and here.
5
+
6
+ Please refer to the above link for more information.
7
+
8
+ This is a conversion of the original model obtained from the above link that has
9
+ been converted to tflite format.
10
+ This has been done using the notebook 'tf_conversion.ipynb' supplied in this repository folder.
11
+ Please refer to its content for details.
google_perch_lite/default.yml ADDED
@@ -0,0 +1,31 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Analysis:
2
+ Recording:
3
+ species_presence_threshold: 0.03
4
+ min_conf: 0.25
5
+ file_check_poll_interval: 1
6
+ lat: null
7
+ lon: null
8
+ date: null
9
+ Model:
10
+ num_threads: 2
11
+ species_list_file: null
12
+
13
+ SpeciesPresence:
14
+ threshold: 0.03
15
+ num_threads: 1
16
+ use_cache: true
17
+
18
+ modelname: google_perch_lite
19
+ pattern: ".wav"
20
+ check_time: 1
21
+ delete_recordings: "never"
22
+ model_dir: ~/iSparrow/models
23
+
24
+ Data:
25
+ input: ~/iSparrow_data
26
+ output: ~/iSparrow_output
27
+ Preprocessor:
28
+ sample_rate: 32000
29
+ overlap: 0.0
30
+ sample_secs: 5.0
31
+ resample_type: kaiser_fast
google_perch_lite/labels.txt ADDED
@@ -0,0 +1,10932 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ aakspa1
2
+ abbbab1
3
+ abbboo2
4
+ abbsta2
5
+ abbwar1
6
+ abcwin1
7
+ abdsto1
8
+ abecis1
9
+ abethr1
10
+ abetow
11
+ abgthr1
12
+ abhori1
13
+ absbil1
14
+ absfin1
15
+ abttyr1
16
+ abycat1
17
+ abylon1
18
+ abynig1
19
+ abyrol2
20
+ abysis1
21
+ abyslf1
22
+ abythr1
23
+ abywhe1
24
+ abywoo1
25
+ acafly
26
+ acowoo
27
+ acrant1
28
+ acrtot1
29
+ adepen1
30
+ adewar1
31
+ adtdov1
32
+ afbduc1
33
+ afbfly1
34
+ afbowl1
35
+ afbtit2
36
+ afbwar1
37
+ afcdov1
38
+ afcfly1
39
+ afdfly1
40
+ afdwar1
41
+ afecuc1
42
+ afepig1
43
+ affeag1
44
+ afffin
45
+ afffly1
46
+ afgfly1
47
+ afghor1
48
+ afgori2
49
+ afgowl1
50
+ afgsno1
51
+ afgwea1
52
+ afhbab1
53
+ afhbab3
54
+ afhhaw1
55
+ afmdov1
56
+ afmhar1
57
+ afmwea
58
+ afpfly1
59
+ afphor1
60
+ afpkin1
61
+ afpsta1
62
+ afpswi1
63
+ afptit1
64
+ afpwag1
65
+ afrbro1
66
+ afrcit1
67
+ afrcra1
68
+ afrcuc1
69
+ afrcuh1
70
+ afrfin1
71
+ afrgos1
72
+ afrgrp1
73
+ afrhae1
74
+ afrhob1
75
+ afrjac1
76
+ afrmar2
77
+ afrope1
78
+ afroys1
79
+ afrpic1
80
+ afrpip1
81
+ afrpit1
82
+ afrpyg1
83
+ afrrai1
84
+ afrsco2
85
+ afrshf1
86
+ afrsil1
87
+ afrski1
88
+ afrsni1
89
+ afrspo1
90
+ afrsto1
91
+ afrswi1
92
+ afrswi2
93
+ afrtai2
94
+ afrthr1
95
+ afrwar1
96
+ afsowl1
97
+ afswar1
98
+ afwowl1
99
+ afywar1
100
+ afywhe1
101
+ afywhe2
102
+ afywhe3
103
+ afywhe4
104
+ agaher1
105
+ agitit1
106
+ agular1
107
+ agurew1
108
+ agwtea1
109
+ ahafra2
110
+ ajpant1
111
+ akekee
112
+ akeowl1
113
+ akepa1
114
+ akepa2
115
+ akepa3
116
+ akiapo
117
+ akikik
118
+ alaant1
119
+ alacur1
120
+ alagre1
121
+ alatyr1
122
+ alblyr1
123
+ albowl1
124
+ albwar1
125
+ alddro1
126
+ aldfly
127
+ aldwhe1
128
+ aleowl1
129
+ alepar1
130
+ alepar2
131
+ aleswi1
132
+ aleter1
133
+ alfant1
134
+ alfgle1
135
+ algnut1
136
+ allant1
137
+ allgal1
138
+ allhum
139
+ alomyz1
140
+ alpacc1
141
+ alplew1
142
+ alpmun1
143
+ alppip1
144
+ alprob1
145
+ alpswi1
146
+ alptap1
147
+ alpthr1
148
+ alsred1
149
+ altori
150
+ altsno1
151
+ altyel1
152
+ amaant1
153
+ amaant2
154
+ amabaw1
155
+ amahum1
156
+ amakin1
157
+ amapar1
158
+ amapyo1
159
+ amasta1
160
+ amasun2
161
+ amatyr1
162
+ amaumb1
163
+ amawoo1
164
+ ambduc
165
+ ambtyr1
166
+ ambwhe1
167
+ ameavo
168
+ amebit
169
+ amecro
170
+ amedip
171
+ amedov1
172
+ amegfi
173
+ amekes
174
+ ameoys
175
+ amepip
176
+ amered
177
+ amerob
178
+ amesun2
179
+ amewig
180
+ amewoo
181
+ amewoo1
182
+ amgplo
183
+ amhgul1
184
+ ampkin1
185
+ amptap1
186
+ amsduc1
187
+ amsfly1
188
+ amthum1
189
+ amtspa
190
+ amtsun1
191
+ amtsun2
192
+ amtsun4
193
+ amufal1
194
+ amupaf1
195
+ amwpel
196
+ anawax1
197
+ anbtyr1
198
+ anbwar1
199
+ ancant1
200
+ ancbar1
201
+ anccha1
202
+ ancdov1
203
+ anchum1
204
+ ancmur
205
+ ancsun1
206
+ anctap1
207
+ andavo1
208
+ andbul1
209
+ andcon1
210
+ andcot1
211
+ andcou1
212
+ andcra1
213
+ andcus1
214
+ anddro1
215
+ andduc1
216
+ andeme1
217
+ andfla2
218
+ andfli1
219
+ andflo1
220
+ andgoo1
221
+ andgua1
222
+ andgul1
223
+ andhao1
224
+ andhil2
225
+ andhil3
226
+ andlap1
227
+ andneg1
228
+ andnig1
229
+ andpar1
230
+ andpot1
231
+ andsha1
232
+ andsis1
233
+ andsni1
234
+ andsol1
235
+ andswa2
236
+ andswi1
237
+ andtea1
238
+ andtin1
239
+ andtre1
240
+ andtyr2
241
+ andtyr3
242
+ andwoo1
243
+ angbat1
244
+ anghel1
245
+ anglar1
246
+ angpet1
247
+ angslf1
248
+ angswa1
249
+ anhing
250
+ aniani
251
+ anjsun2
252
+ ankser2
253
+ annhum
254
+ anpowl1
255
+ anpswi
256
+ anseag1
257
+ ansgre1
258
+ ansowl1
259
+ ansowl2
260
+ antant1
261
+ antbrf1
262
+ anteup1
263
+ antman1
264
+ antnig
265
+ antpar1
266
+ antpet1
267
+ antpic1
268
+ antsha1
269
+ antsis1
270
+ antspi1
271
+ antter1
272
+ antwre2
273
+ anweye1
274
+ anwpig1
275
+ apapan
276
+ apapan2
277
+ apbsun2
278
+ apifly1
279
+ aplfal
280
+ apomyn2
281
+ apostl1
282
+ apowre1
283
+ apptet1
284
+ apubrf1
285
+ apuspi1
286
+ aquwar1
287
+ arabab1
288
+ arabus1
289
+ arafan1
290
+ araman1
291
+ arapar1
292
+ arasco1
293
+ arawax1
294
+ arawoo1
295
+ arcbow1
296
+ arcbuz1
297
+ arcloo
298
+ arcnew1
299
+ arcnig1
300
+ arcter
301
+ arcwar1
302
+ arcwar2
303
+ arcwar3
304
+ arfast1
305
+ arfcat1
306
+ arfhon1
307
+ argspa2
308
+ ariwoo
309
+ armbab1
310
+ armgul1
311
+ arrcha1
312
+ arrpic1
313
+ arrwar1
314
+ artspi1
315
+ asbant1
316
+ asbfly
317
+ asbfly1
318
+ asbowl1
319
+ asbspi1
320
+ asbwhe1
321
+ asccra1
322
+ asccuc1
323
+ ascspl1
324
+ asctap1
325
+ asdwar1
326
+ asecuc1
327
+ asfblu1
328
+ asfbul1
329
+ asfowl1
330
+ asgsta1
331
+ asgwea2
332
+ ashant1
333
+ ashbab1
334
+ ashbul1
335
+ ashcis1
336
+ ashcus2
337
+ ashcus3
338
+ ashdro1
339
+ ashflo1
340
+ ashfly1
341
+ ashgoo1
342
+ ashgre1
343
+ ashlar1
344
+ ashlau1
345
+ ashmar1
346
+ ashmin1
347
+ ashmyz1
348
+ ashpri1
349
+ ashsta2
350
+ ashtai1
351
+ ashthr1
352
+ ashtit2
353
+ ashtyr1
354
+ ashwoo1
355
+ ashwoo2
356
+ asidow1
357
+ asidrc2
358
+ asidrc3
359
+ asidrc4
360
+ asifri1
361
+ asikoe2
362
+ asikoe3
363
+ asiope1
364
+ asistu1
365
+ aspfly1
366
+ aspsta2
367
+ aspswi1
368
+ asrfin1
369
+ asslau1
370
+ asspet
371
+ astant1
372
+ astcas2
373
+ astcra1
374
+ astfly
375
+ astgna1
376
+ astpar1
377
+ astwar2
378
+ aswant1
379
+ aswpig1
380
+ atbtan1
381
+ atfdov1
382
+ athscr1
383
+ atigre1
384
+ atiswi1
385
+ atlfly1
386
+ atlpet1
387
+ atlpuf
388
+ atosta1
389
+ attwoo1
390
+ audgul1
391
+ audori
392
+ audshe
393
+ audshe3
394
+ audwar
395
+ augbuz1
396
+ auimer1
397
+ auirai1
398
+ auisha1
399
+ auitea1
400
+ aukpar1
401
+ aumowl1
402
+ auonig1
403
+ aupowl1
404
+ aurwar1
405
+ ausbit1
406
+ ausbla1
407
+ ausbrt1
408
+ ausbus1
409
+ ausbus2
410
+ auscan1
411
+ auscra1
412
+ ausfig1
413
+ ausgan1
414
+ ausgre1
415
+ ausgro1
416
+ aushob1
417
+ ausibi1
418
+ auskes1
419
+ auskit1
420
+ ausmag2
421
+ ausneg1
422
+ auspar1
423
+ auspas1
424
+ auspel1
425
+ auspip1
426
+ auspip2
427
+ auspra1
428
+ ausrai1
429
+ ausrav1
430
+ ausshe1
431
+ aussho1
432
+ ausswi1
433
+ austhr1
434
+ ayebul1
435
+ ayheag1
436
+ ayweye3
437
+ azaspi1
438
+ azbpit1
439
+ azchum1
440
+ azhjay1
441
+ aznjay1
442
+ azrpar1
443
+ azrtan1
444
+ azstan1
445
+ aztthr
446
+ azugal1
447
+ azujay1
448
+ azukin1
449
+ azutit2
450
+ azwmag2
451
+ azwmag3
452
+ babcra1
453
+ babcuc2
454
+ babcuc4
455
+ babcus1
456
+ babfir1
457
+ babhon1
458
+ babowl1
459
+ babpar1
460
+ babpic1
461
+ babpit1
462
+ babshr1
463
+ babsta1
464
+ babtan1
465
+ babwar
466
+ babwoo1
467
+ babwoo2
468
+ babwoo3
469
+ babwre1
470
+ bacant1
471
+ bacant2
472
+ bacbab1
473
+ bacdov1
474
+ baceag2
475
+ bacfan1
476
+ bacori1
477
+ bacspa
478
+ bactro1
479
+ bacwar
480
+ baeant1
481
+ baemyn1
482
+ baeowl1
483
+ baepig2
484
+ baepoc1
485
+ baerai1
486
+ baerob1
487
+ bafbul1
488
+ bafcur1
489
+ baffal1
490
+ bafibi1
491
+ bafrai2
492
+ bagbab2
493
+ bagcot1
494
+ bagcuc1
495
+ bagtan1
496
+ bagtan2
497
+ bagwea1
498
+ bahant1
499
+ bahgoo
500
+ bahlau1
501
+ bahmoc
502
+ bahnig1
503
+ bahspi1
504
+ bahswa
505
+ bahtan1
506
+ bahtap1
507
+ bahtre1
508
+ bahtyr1
509
+ bahwoo
510
+ bahyel1
511
+ baicra1
512
+ baifly1
513
+ baipig1
514
+ baisan
515
+ baispa
516
+ baitea
517
+ baitro1
518
+ bakind1
519
+ baleag
520
+ balibi1
521
+ balica1
522
+ balmal2
523
+ balmyn1
524
+ balori
525
+ balowl
526
+ balpar1
527
+ balshe1
528
+ balspi1
529
+ balswi1
530
+ balwar1
531
+ bamant1
532
+ bamapa1
533
+ bamwoo1
534
+ banana
535
+ banant1
536
+ banant2
537
+ banbar1
538
+ banbro1
539
+ bancor1
540
+ bancot1
541
+ bancro1
542
+ banfru1
543
+ banhon1
544
+ banjuf1
545
+ bankes1
546
+ bankin1
547
+ banlap1
548
+ banmar1
549
+ banmyn1
550
+ banmyz1
551
+ banpit2
552
+ banpit3
553
+ banpit4
554
+ banpri1
555
+ banpri3
556
+ banqua1
557
+ banscw1
558
+ bansti1
559
+ bansun1
560
+ bansun3
561
+ banswa
562
+ bantur1
563
+ banumb1
564
+ banwar2
565
+ banwea1
566
+ banwhi1
567
+ banwoo2
568
+ banwre1
569
+ barant1
570
+ barant2
571
+ barbec1
572
+ barbro1
573
+ barbul1
574
+ barbut1
575
+ barcud1
576
+ bardov2
577
+ barfin1
578
+ barfly1
579
+ barfru1
580
+ bargol
581
+ bargoo
582
+ barhaw1
583
+ barhob1
584
+ barhob2
585
+ barhon2
586
+ barlar1
587
+ barlau1
588
+ barowl1
589
+ barowl13
590
+ barowl28
591
+ barowl5
592
+ barowl7
593
+ barown1
594
+ barown2
595
+ barpar1
596
+ barpar2
597
+ barpet
598
+ barpet1
599
+ barpuf1
600
+ barrai1
601
+ barswa
602
+ barswa1
603
+ barswi
604
+ bartin1
605
+ bartin2
606
+ bartyr1
607
+ barwaf2
608
+ barwar
609
+ barwar1
610
+ barwar2
611
+ basdov1
612
+ baseag1
613
+ basowl
614
+ baswar1
615
+ batant1
616
+ batant2
617
+ batant3
618
+ batapa2
619
+ batapa3
620
+ batapa4
621
+ batapa5
622
+ batbar1
623
+ batbel1
624
+ batear1
625
+ batele1
626
+ batfal1
627
+ batfru1
628
+ batgod
629
+ batgua1
630
+ bathaw1
631
+ batlar1
632
+ batman1
633
+ batnig1
634
+ batnig2
635
+ batoro1
636
+ batpaf1
637
+ batpig1
638
+ batsee1
639
+ batsee2
640
+ batsun2
641
+ batswi1
642
+ battre1
643
+ battro1
644
+ batwea1
645
+ batwhi1
646
+ baugre1
647
+ baugua1
648
+ bauoro2
649
+ bavcot1
650
+ bawant1
651
+ bawbec1
652
+ bawbul2
653
+ bawcow3
654
+ bawcow4
655
+ baweye1
656
+ baweye2
657
+ bawfly1
658
+ bawfly2
659
+ bawhae1
660
+ bawhor2
661
+ bawkin1
662
+ bawman1
663
+ bawman3
664
+ bawmoc1
665
+ bawmon1
666
+ bawmon3
667
+ bawnig1
668
+ bawnig3
669
+ bawori1
670
+ bawowl1
671
+ bawpri1
672
+ bawrai1
673
+ bawsee1
674
+ bawswa1
675
+ bawtan1
676
+ bawtri1
677
+ bawtyr1
678
+ bawwar
679
+ bawwar1
680
+ bawwea1
681
+ bayant1
682
+ baybro1
683
+ baycou1
684
+ bayfly1
685
+ baygro1
686
+ baymac
687
+ baymar1
688
+ baytan2
689
+ baytan3
690
+ baywea1
691
+ baywoo1
692
+ baywre1
693
+ bbbeat1
694
+ bbbeat2
695
+ bbbtan1
696
+ bbbtyr1
697
+ bbcdov1
698
+ bbctyr1
699
+ bbfdov1
700
+ bbfdov2
701
+ bbfgle1
702
+ bbgsta1
703
+ bbifin1
704
+ bbmtan1
705
+ bbmtou1
706
+ bbnthr1
707
+ bbopar1
708
+ bbrwar1
709
+ bbsfin1
710
+ bbspet1
711
+ bbsrob1
712
+ bbttyr1
713
+ bbttyr2
714
+ bbwdov1
715
+ bbwduc
716
+ bbwqua1
717
+ bbwtyr1
718
+ bcatan1
719
+ bcbeag1
720
+ bcbeat1
721
+ bcbfin1
722
+ bcfdov1
723
+ bcfdov2
724
+ bcfgle1
725
+ bchpar1
726
+ bcmtan1
727
+ bcmtan2
728
+ bcnher
729
+ bcptan1
730
+ bcptyr1
731
+ bcrfin
732
+ bcrtai1
733
+ bcrthr1
734
+ bcslar1
735
+ bcswea1
736
+ bctspi1
737
+ bcweye2
738
+ bcwfin1
739
+ bcwfin2
740
+ bcwpar1
741
+ bcwspi1
742
+ bcwwar1
743
+ beabar1
744
+ beabel1
745
+ beafir1
746
+ beagua1
747
+ beahum1
748
+ beajay1
749
+ beakin2
750
+ beamou1
751
+ beanut1
752
+ bearee1
753
+ bearos1
754
+ beasib1
755
+ beasne1
756
+ beasun2
757
+ beatac1
758
+ beathk1
759
+ beatre1
760
+ beawoo1
761
+ beawoo2
762
+ becpet1
763
+ becscr1
764
+ beehum1
765
+ beelar1
766
+ befdov1
767
+ begdov1
768
+ begdov2
769
+ beibab1
770
+ belfly1
771
+ belgul
772
+ belkin1
773
+ belmel1
774
+ belmin1
775
+ belspa2
776
+ belvir
777
+ belyel1
778
+ benbus1
779
+ benbuw1
780
+ benflo2
781
+ benlar1
782
+ benthr
783
+ benwea1
784
+ benwoo1
785
+ bepfly1
786
+ berant1
787
+ bercan1
788
+ berfli1
789
+ berhaw1
790
+ berhum
791
+ bernih1
792
+ berpet
793
+ berpip1
794
+ bertea1
795
+ bertin1
796
+ bertow1
797
+ bervan1
798
+ berwea2
799
+ besbab1
800
+ beslar1
801
+ besowl
802
+ besra1
803
+ besrob1
804
+ bestan1
805
+ beweye1
806
+ bewpar1
807
+ bewqua1
808
+ bewwre
809
+ bfbwar1
810
+ bffgle
811
+ bfgbir1
812
+ bfgdov1
813
+ bfgtyr1
814
+ bfoboo
815
+ bfpgua1
816
+ bfppar1
817
+ bfqdov1
818
+ bfweye1
819
+ bfwqua1
820
+ bhbeat1
821
+ bhbeat2
822
+ bhcfly1
823
+ bhmfin1
824
+ bhnthr1
825
+ bhpfly1
826
+ bhpkin1
827
+ bhptit1
828
+ bhqdov1
829
+ bhrtai1
830
+ bhsbab1
831
+ bhsfin1
832
+ bhtfly1
833
+ bhulau1
834
+ bhwdov1
835
+ bhweye1
836
+ biacou1
837
+ biafly1
838
+ biager1
839
+ biamon1
840
+ biasco1
841
+ biawar1
842
+ biawhi1
843
+ bicant2
844
+ bicant3
845
+ bicant4
846
+ biccon1
847
+ bicflo1
848
+ bichaw1
849
+ bichaw4
850
+ bicpen1
851
+ bicthr
852
+ bicwre1
853
+ bielau1
854
+ biipig1
855
+ bimlar1
856
+ bimwar1
857
+ bipkin1
858
+ bisfan1
859
+ bisfly1
860
+ bishao1
861
+ biskin1
862
+ bismel1
863
+ bismun1
864
+ bisoo
865
+ bisswi1
866
+ bisthi1
867
+ biswhi1
868
+ biswoo1
869
+ biweye1
870
+ bkbalb
871
+ bkbalb2
872
+ bkbbit1
873
+ bkbbrt1
874
+ bkbbus1
875
+ bkbcuc
876
+ bkbcus1
877
+ bkbcus2
878
+ bkbful1
879
+ bkbkin1
880
+ bkbkit1
881
+ bkbkoe1
882
+ bkbmag1
883
+ bkbmyz1
884
+ bkbowl1
885
+ bkbplo
886
+ bkbsht1
887
+ bkbsne1
888
+ bkbsun1
889
+ bkbtan1
890
+ bkbtho1
891
+ bkbthr3
892
+ bkbthr4
893
+ bkbtit1
894
+ bkbtit2
895
+ bkbtit3
896
+ bkbtit4
897
+ bkbtit6
898
+ bkbtof1
899
+ bkbwar
900
+ bkbwoo
901
+ bkcbar1
902
+ bkcbul1
903
+ bkcbul2
904
+ bkcbul3
905
+ bkcbul4
906
+ bkccat1
907
+ bkcchi
908
+ bkcdon
909
+ bkcful1
910
+ bkcgna
911
+ bkchem2
912
+ bkchum
913
+ bkclau1
914
+ bkclau2
915
+ bkcmon1
916
+ bkcmot1
917
+ bkcori
918
+ bkcpet
919
+ bkcpet2
920
+ bkcpip1
921
+ bkcruw1
922
+ bkcsco1
923
+ bkcspa
924
+ bkcsta1
925
+ bkctch1
926
+ bkctit1
927
+ bkcvir1
928
+ bkcwea1
929
+ bkcwhe1
930
+ bkcwhi1
931
+ bkefai1
932
+ bkegrt1
933
+ bkehem1
934
+ bkehem3
935
+ bkewhe2
936
+ bkfalb
937
+ bkfant2
938
+ bkfbab1
939
+ bkfbrf1
940
+ bkfcus1
941
+ bkfdac1
942
+ bkffir1
943
+ bkffri1
944
+ bkffri2
945
+ bkfgra
946
+ bkfibi2
947
+ bkfqua1
948
+ bkfruw1
949
+ bkhbat1
950
+ bkhber1
951
+ bkhcan1
952
+ bkhcus1
953
+ bkhgre1
954
+ bkhgro
955
+ bkhgul
956
+ bkhpaf2
957
+ bkhpar
958
+ bkhpar1
959
+ bkhpit1
960
+ bklbab1
961
+ bklkit
962
+ bkmtou1
963
+ bknfrd1
964
+ bknsti
965
+ bknsti2
966
+ bkpwar
967
+ bkrfin
968
+ bkrfla2
969
+ bkrwax
970
+ bkrwhe1
971
+ bksbrf1
972
+ bkskit1
973
+ bksnig1
974
+ bkspet
975
+ bksscb1
976
+ bktflo1
977
+ bktgna
978
+ bktgod
979
+ bktgul
980
+ bkther1
981
+ bktshr1
982
+ bktshr2
983
+ bktspa
984
+ bkttre1
985
+ bkttro2
986
+ bkvori
987
+ bkvshe
988
+ bkwcus1
989
+ bkwpet
990
+ bkwsta1
991
+ bkwsti
992
+ bkwvir
993
+ blaant1
994
+ blaant2
995
+ blaant4
996
+ blaant5
997
+ blabab2
998
+ blabaz1
999
+ blaber1
1000
+ blabis1
1001
+ blabit1
1002
+ blabul1
1003
+ blabus1
1004
+ blabus3
1005
+ blabut1
1006
+ blacar1
1007
+ blacat1
1008
+ blacin1
1009
+ blackc1
1010
+ blacks1
1011
+ blacou1
1012
+ blacra1
1013
+ blacuc1
1014
+ blacur1
1015
+ blacur2
1016
+ blacus1
1017
+ bladro1
1018
+ blaeag1
1019
+ blafal1
1020
+ blafan1
1021
+ blagos1
1022
+ blagra1
1023
+ blagro1
1024
+ blagua1
1025
+ blagui1
1026
+ blahar1
1027
+ blaher1
1028
+ blahon1
1029
+ blahor1
1030
+ blaill1
1031
+ blainc1
1032
+ blakit1
1033
+ blalar1
1034
+ blalar2
1035
+ blalar4
1036
+ blalau1
1037
+ blalor1
1038
+ blamag1
1039
+ blaman1
1040
+ blamet1
1041
+ blamon1
1042
+ blamun1
1043
+ blamyz1
1044
+ blanig1
1045
+ blanun1
1046
+ blaori1
1047
+ blaoro1
1048
+ blaoys1
1049
+ blapar1
1050
+ blapar2
1051
+ blapew1
1052
+ blapit1
1053
+ blaplo1
1054
+ blarai1
1055
+ blared1
1056
+ blarob1
1057
+ blaros1
1058
+ blasha1
1059
+ blasic1
1060
+ blasis1
1061
+ blasno1
1062
+ blasol1
1063
+ blaspi1
1064
+ blasti1
1065
+ blasto1
1066
+ blatap1
1067
+ blatin1
1068
+ blawhe1
1069
+ blawoo1
1070
+ blbant1
1071
+ blbant2
1072
+ blbbab1
1073
+ blbbar1
1074
+ blbbar2
1075
+ blbbar3
1076
+ blbbar4
1077
+ blbbar5
1078
+ blbboa1
1079
+ blbbut1
1080
+ blbbut2
1081
+ blbcap1
1082
+ blbcon1
1083
+ blbcra1
1084
+ blbcuc1
1085
+ blbduc1
1086
+ blbeat1
1087
+ blbfai1
1088
+ blbfir1
1089
+ blbflo1
1090
+ blbfly1
1091
+ blbfly2
1092
+ blbfly3
1093
+ blbfor1
1094
+ blbgna1
1095
+ blbgra1
1096
+ blbgro2
1097
+ blbgul1
1098
+ blbhil1
1099
+ blbhon1
1100
+ blbhum1
1101
+ blbkin1
1102
+ blbkin2
1103
+ blbkin3
1104
+ blbkin4
1105
+ blbmal1
1106
+ blbman1
1107
+ blbmon1
1108
+ blbmon2
1109
+ blbmun1
1110
+ blbmyz1
1111
+ blbori1
1112
+ blbpar1
1113
+ blbpar2
1114
+ blbpar3
1115
+ blbpar4
1116
+ blbpep1
1117
+ blbpit1
1118
+ blbpuf1
1119
+ blbpuf2
1120
+ blbpuf3
1121
+ blbqua1
1122
+ blbrol1
1123
+ blbsan1
1124
+ blbscy1
1125
+ blbsee1
1126
+ blbsee2
1127
+ blbsee3
1128
+ blbsib1
1129
+ blbsic1
1130
+ blbtan1
1131
+ blbtan2
1132
+ blbtan3
1133
+ blbter1
1134
+ blbtho1
1135
+ blbthr1
1136
+ blbthr2
1137
+ blbtou1
1138
+ blbtre1
1139
+ blbtri1
1140
+ blbtur1
1141
+ blbwea1
1142
+ blbwoo1
1143
+ blbwoo2
1144
+ blbwoo3
1145
+ blbwre1
1146
+ blcant1
1147
+ blcant2
1148
+ blcant3
1149
+ blcant4
1150
+ blcapa1
1151
+ blcapa2
1152
+ blcbab1
1153
+ blcbab2
1154
+ blcbab3
1155
+ blcbar1
1156
+ blcbec1
1157
+ blcbul1
1158
+ blcbul2
1159
+ blcchl1
1160
+ blccoq1
1161
+ blccor1
1162
+ blccra1
1163
+ blcfin1
1164
+ blcfly1
1165
+ blcfly2
1166
+ blcfru1
1167
+ blcgna1
1168
+ blchaw1
1169
+ blchem1
1170
+ blchon1
1171
+ blchon2
1172
+ blchor1
1173
+ blchum1
1174
+ blchum2
1175
+ blcjay1
1176
+ blcjay2
1177
+ blckin1
1178
+ blckin2
1179
+ blclor1
1180
+ blclor2
1181
+ blclov1
1182
+ blclov2
1183
+ blcman1
1184
+ blcmon1
1185
+ blcpar1
1186
+ blcpar2
1187
+ blcpar3
1188
+ blcpit1
1189
+ blcpri1
1190
+ blcpuf1
1191
+ blcrob1
1192
+ blcsal1
1193
+ blcsis1
1194
+ blcsis2
1195
+ blcspa1
1196
+ blcspa2
1197
+ blcspe1
1198
+ blcswa1
1199
+ blcswa2
1200
+ blctan1
1201
+ blctan2
1202
+ blctin1
1203
+ blctit1
1204
+ blctit4
1205
+ blctro1
1206
+ blctyr1
1207
+ blctyr2
1208
+ blcwar1
1209
+ blcwar2
1210
+ blcwax1
1211
+ blcwax2
1212
+ blcwoo1
1213
+ blcwoo2
1214
+ blcwoo3
1215
+ blcwoo5
1216
+ blcyuh1
1217
+ bldhor1
1218
+ blebar1
1219
+ blecoc1
1220
+ blecuc1
1221
+ blehem1
1222
+ blekin1
1223
+ blelor1
1224
+ blemin1
1225
+ blephe1
1226
+ blesee1
1227
+ blewhe1
1228
+ blfant1
1229
+ blfant2
1230
+ blfapa1
1231
+ blfbul1
1232
+ blfbun1
1233
+ blfbus1
1234
+ blfcan1
1235
+ blfcor1
1236
+ blfcot1
1237
+ blfcou1
1238
+ blfdac1
1239
+ blfdot1
1240
+ blfflo1
1241
+ blffly1
1242
+ blfgro1
1243
+ blfhaw1
1244
+ blfhon1
1245
+ blfibi1
1246
+ blfjac1
1247
+ blflan1
1248
+ blflau1
1249
+ blflor1
1250
+ blfmal1
1251
+ blfmon1
1252
+ blfmun1
1253
+ blfnun1
1254
+ blfowl1
1255
+ blfpar2
1256
+ blfpar3
1257
+ blfpit1
1258
+ blfred1
1259
+ blfrob1
1260
+ blfsan1
1261
+ blfshe1
1262
+ blfsol1
1263
+ blfspo1
1264
+ blftan1
1265
+ blfter1
1266
+ blftyr1
1267
+ blfwar1
1268
+ blfwax1
1269
+ blfwoo1
1270
+ blgant2
1271
+ blgbar1
1272
+ blgdov1
1273
+ blgtan1
1274
+ blhant1
1275
+ blhant2
1276
+ blhant3
1277
+ blhant4
1278
+ blhapa1
1279
+ blhbat1
1280
+ blhbul1
1281
+ blhbun1
1282
+ blhbuz1
1283
+ blhcou1
1284
+ blhcou2
1285
+ blhduc1
1286
+ blheag1
1287
+ blhfan1
1288
+ blhgon1
1289
+ blhhem1
1290
+ blhher1
1291
+ blhhon1
1292
+ blhhum1
1293
+ blhibi1
1294
+ blhjay1
1295
+ blhlap1
1296
+ blhlau1
1297
+ blhmyz1
1298
+ blhori1
1299
+ blhpar1
1300
+ blhpar3
1301
+ blhpar4
1302
+ blhpit1
1303
+ blhsal1
1304
+ blhsap1
1305
+ blhsib1
1306
+ blhsis1
1307
+ blhspi1
1308
+ blhsun1
1309
+ blhtan1
1310
+ blhthr1
1311
+ blhtro1
1312
+ blhwax1
1313
+ blhwea1
1314
+ blhwhi1
1315
+ blhwoo1
1316
+ bljbab1
1317
+ blkcus1
1318
+ blkflo1
1319
+ blkfra
1320
+ blkgui
1321
+ blkjac1
1322
+ blkkit3
1323
+ blkmam
1324
+ blknod
1325
+ blkoys
1326
+ blkpho
1327
+ blkrai
1328
+ blksaw1
1329
+ blksco1
1330
+ blksco2
1331
+ blksit1
1332
+ blkski
1333
+ blksun1
1334
+ blkswa
1335
+ blkswi
1336
+ blkter
1337
+ blktur
1338
+ blkvul
1339
+ bllcis1
1340
+ blldac1
1341
+ bllpar1
1342
+ bllser1
1343
+ blltit1
1344
+ blmfin1
1345
+ blmgos1
1346
+ blmlea1
1347
+ blmtho1
1348
+ blmvir1
1349
+ blnara1
1350
+ blnchl1
1351
+ blncis1
1352
+ blncra1
1353
+ blnere1
1354
+ blnmon1
1355
+ blnmou1
1356
+ blnori1
1357
+ blnpar1
1358
+ blnpit1
1359
+ blnsto1
1360
+ blnswa2
1361
+ blnswi1
1362
+ blntan1
1363
+ blnter1
1364
+ blnwea1
1365
+ blnwoo1
1366
+ blophe1
1367
+ blpfly1
1368
+ blpyel1
1369
+ blrfla1
1370
+ blrman1
1371
+ blrpar1
1372
+ blrpit1
1373
+ blrwar1
1374
+ blsant1
1375
+ blsbar1
1376
+ blsbil1
1377
+ blsflo1
1378
+ blslor1
1379
+ blspuf1
1380
+ blsrob1
1381
+ blsrob2
1382
+ blsspa1
1383
+ blswoo1
1384
+ bltacc1
1385
+ bltant1
1386
+ bltant2
1387
+ bltant3
1388
+ bltapa1
1389
+ bltbab1
1390
+ bltbar1
1391
+ bltbar2
1392
+ bltbob1
1393
+ bltbri1
1394
+ bltcan1
1395
+ bltcot1
1396
+ bltcou1
1397
+ bltcra1
1398
+ bltcuc1
1399
+ blteme1
1400
+ bltfal1
1401
+ bltfan1
1402
+ bltfin1
1403
+ bltfly1
1404
+ bltgol1
1405
+ bltgro1
1406
+ bltgro2
1407
+ blthon1
1408
+ blthum1
1409
+ bltjay1
1410
+ bltlau1
1411
+ bltlea1
1412
+ bltmac1
1413
+ bltmal1
1414
+ bltman1
1415
+ bltmon1
1416
+ bltmon2
1417
+ bltmot1
1418
+ bltmun1
1419
+ bltori1
1420
+ bltpar1
1421
+ bltpar2
1422
+ bltpuf1
1423
+ bltrob1
1424
+ bltrol1
1425
+ bltsal1
1426
+ bltspi1
1427
+ bltsta1
1428
+ bltsta2
1429
+ bltsun1
1430
+ bltthi1
1431
+ blttit1
1432
+ blttit2
1433
+ blttra1
1434
+ blttro1
1435
+ blttro2
1436
+ bltwax1
1437
+ bltwhi1
1438
+ bltwre1
1439
+ blubun
1440
+ blubus1
1441
+ blucha2
1442
+ blucha3
1443
+ blucot1
1444
+ blucou1
1445
+ blucra2
1446
+ blucus1
1447
+ bludac1
1448
+ bluduc1
1449
+ bluebo1
1450
+ bluebo4
1451
+ blueth
1452
+ blufan1
1453
+ blufin1
1454
+ bluflo1
1455
+ blugrb1
1456
+ blujay
1457
+ blujeb2
1458
+ blulor1
1459
+ blumoc
1460
+ blunut1
1461
+ blupet1
1462
+ blupit1
1463
+ bluqua1
1464
+ blusee1
1465
+ blusee4
1466
+ bluswa1
1467
+ blutit
1468
+ bluvan1
1469
+ blwbis1
1470
+ blwbul1
1471
+ blwkoo1
1472
+ blwlap1
1473
+ blwlau1
1474
+ blwlea1
1475
+ blwlor1
1476
+ blwlov1
1477
+ blwmin1
1478
+ blwmon1
1479
+ blwori1
1480
+ blwpar1
1481
+ blwpar2
1482
+ blwpar3
1483
+ blwpit1
1484
+ blwpra1
1485
+ blwsal1
1486
+ blwsno1
1487
+ blwtan1
1488
+ blwthr1
1489
+ blwwar1
1490
+ blyhae1
1491
+ blyhor1
1492
+ blykin1
1493
+ blylew1
1494
+ blypaf1
1495
+ blypip1
1496
+ blyros1
1497
+ blyshb1
1498
+ blyswi1
1499
+ blytra1
1500
+ bnbpyt1
1501
+ bncbab1
1502
+ bncbrt1
1503
+ bncfly
1504
+ bnchor1
1505
+ bncjuf1
1506
+ bncrai1
1507
+ bncwoo2
1508
+ bncwoo3
1509
+ bnhcow
1510
+ bnhgul1
1511
+ bnhnut
1512
+ bnnpar2
1513
+ bnrcot1
1514
+ bnsfly1
1515
+ bnttre1
1516
+ bnttre2
1517
+ bnweye1
1518
+ bnwkin1
1519
+ bobeat1
1520
+ bobfly1
1521
+ bobfly2
1522
+ bobher1
1523
+ boboli
1524
+ bocaka1
1525
+ boclon2
1526
+ bocsun2
1527
+ bocwea1
1528
+ boefly1
1529
+ bogcuc1
1530
+ bograi1
1531
+ bohsun1
1532
+ bohwax
1533
+ bohwhi1
1534
+ boisha1
1535
+ bokmak1
1536
+ bolbla1
1537
+ bolear1
1538
+ bolpig1
1539
+ bolrec1
1540
+ bolsla1
1541
+ bolspi1
1542
+ boltap1
1543
+ boltyr1
1544
+ boneag2
1545
+ bongro1
1546
+ bongul
1547
+ bonhon1
1548
+ bonnig1
1549
+ bonpar1
1550
+ bonpet
1551
+ bonpig1
1552
+ bonthr2
1553
+ booeag1
1554
+ boorat2
1555
+ boorat4
1556
+ boowar1
1557
+ bopphe1
1558
+ boptyr1
1559
+ borbar1
1560
+ borbri1
1561
+ borchi2
1562
+ borcis1
1563
+ borgrm1
1564
+ borlea1
1565
+ borowl
1566
+ borspi1
1567
+ borstu1
1568
+ bortai1
1569
+ bortre1
1570
+ borwhi1
1571
+ borwht1
1572
+ bostib1
1573
+ botgra
1574
+ botlar1
1575
+ botspa
1576
+ botwea1
1577
+ boubat1
1578
+ boucha1
1579
+ boucro1
1580
+ bouhon1
1581
+ boumon1
1582
+ boupar2
1583
+ bouthi1
1584
+ bouwre1
1585
+ bowbab1
1586
+ bowfin1
1587
+ bowsht1
1588
+ boycus1
1589
+ brabus1
1590
+ bracor
1591
+ braeme2
1592
+ braeme3
1593
+ brafri1
1594
+ brahor1
1595
+ brakit1
1596
+ bramar1
1597
+ brambl
1598
+ bramer1
1599
+ brant
1600
+ brarub1
1601
+ brasta1
1602
+ braswi1
1603
+ bratan1
1604
+ bratap1
1605
+ bratea1
1606
+ bratin1
1607
+ brbant1
1608
+ brbant2
1609
+ brbbar1
1610
+ brbbul1
1611
+ brbfai1
1612
+ brbfai2
1613
+ brbflo1
1614
+ brbfly1
1615
+ brbfly2
1616
+ brbger1
1617
+ brbhon1
1618
+ brbhum
1619
+ brbhum2
1620
+ brbmoc1
1621
+ brbmot1
1622
+ brbnee1
1623
+ brbpar1
1624
+ brbpar2
1625
+ brbpar3
1626
+ brbpri1
1627
+ brbpuf1
1628
+ brbrol1
1629
+ brbsan
1630
+ brbscy1
1631
+ brbsol1
1632
+ brbswa1
1633
+ brbtan1
1634
+ brbtod1
1635
+ brbwar1
1636
+ brbwar2
1637
+ brbwhi1
1638
+ brbwoo1
1639
+ brcale1
1640
+ brcbar1
1641
+ brcdov1
1642
+ brcfan1
1643
+ brcfly1
1644
+ brcful1
1645
+ brclap1
1646
+ brclau1
1647
+ brcmar1
1648
+ brcred1
1649
+ brcsta1
1650
+ brctch1
1651
+ brctyr
1652
+ brcvir1
1653
+ brcwea1
1654
+ brdowl
1655
+ brebla
1656
+ brebul1
1657
+ brephe1
1658
+ brespa
1659
+ bretai1
1660
+ brewoo1
1661
+ brfgle1
1662
+ brfowl1
1663
+ brftan1
1664
+ brfwoo1
1665
+ brgdov1
1666
+ brgeup1
1667
+ brgpig1
1668
+ brhant1
1669
+ brhapa1
1670
+ brhbar1
1671
+ brhcro1
1672
+ brhgre1
1673
+ brhgul2
1674
+ brhhon1
1675
+ brhkin1
1676
+ brhpar1
1677
+ brhpar2
1678
+ brhthr1
1679
+ brican1
1680
+ brigra2
1681
+ brihon1
1682
+ bripet
1683
+ brispa1
1684
+ briter1
1685
+ britit
1686
+ brlwar1
1687
+ brnbar1
1688
+ brnbar2
1689
+ brnboo
1690
+ brncac1
1691
+ brncre
1692
+ brnfir1
1693
+ brnhao1
1694
+ brnhao3
1695
+ brnhor1
1696
+ brnjay
1697
+ brnnod
1698
+ brnowl
1699
+ brnpar1
1700
+ brnpel
1701
+ brnpig1
1702
+ brnpri2
1703
+ brnpri3
1704
+ brnrav1
1705
+ brnshr
1706
+ brnsku3
1707
+ brnthr
1708
+ brnwar1
1709
+ broacc1
1710
+ brobab1
1711
+ brobul1
1712
+ brocow
1713
+ brocow2
1714
+ brocra1
1715
+ brodip1
1716
+ brodro1
1717
+ broela1
1718
+ brofal1
1719
+ brofan1
1720
+ brofly1
1721
+ broful1
1722
+ broger1
1723
+ brogos1
1724
+ broher
1725
+ brohon1
1726
+ broill1
1727
+ broinc1
1728
+ broinc2
1729
+ brojac1
1730
+ brojac2
1731
+ brolga1
1732
+ brolor1
1733
+ broman1
1734
+ bromes1
1735
+ bronig1
1736
+ bronun1
1737
+ broori1
1738
+ bropar1
1739
+ bropri1
1740
+ broqua1
1741
+ brosha1
1742
+ brosic1
1743
+ broson1
1744
+ brosun1
1745
+ brotan1
1746
+ brotea1
1747
+ brotho1
1748
+ brotin1
1749
+ brotre1
1750
+ brotre2
1751
+ brotwi1
1752
+ brqdov1
1753
+ brratt1
1754
+ brrbun1
1755
+ brrmin1
1756
+ brrsee1
1757
+ brrtap1
1758
+ brrwhe10
1759
+ brrwhe3
1760
+ brrwhe4
1761
+ brrwhe8
1762
+ brrwhe9
1763
+ brseag1
1764
+ brsrob1
1765
+ brtbab1
1766
+ brtbar1
1767
+ brtcha1
1768
+ brtcom1
1769
+ brtcur
1770
+ brtgra2
1771
+ brther2
1772
+ brthum
1773
+ brtpar1
1774
+ brtpar2
1775
+ brtplu1
1776
+ brttho1
1777
+ brubro1
1778
+ brubrt1
1779
+ brubru1
1780
+ brucuc1
1781
+ brucuc2
1782
+ brufly1
1783
+ brutin1
1784
+ bruwat1
1785
+ brvear1
1786
+ brwcou1
1787
+ brweye1
1788
+ brwhaw
1789
+ brwjac1
1790
+ brwowl1
1791
+ brwpar1
1792
+ brwpar2
1793
+ brwrai1
1794
+ brwsta1
1795
+ brwwar1
1796
+ bryfin1
1797
+ bryshe1
1798
+ bsbeye1
1799
+ bsrcha1
1800
+ bssowl
1801
+ bswdov1
1802
+ bswowl1
1803
+ btbeat1
1804
+ btbeat2
1805
+ btbrob1
1806
+ btbsun2
1807
+ btbwar
1808
+ btfgle1
1809
+ btgsta1
1810
+ bthhue1
1811
+ btmjay
1812
+ btnhen1
1813
+ btnwar
1814
+ btpgua1
1815
+ btpphe1
1816
+ btpwhy1
1817
+ btsfin1
1818
+ btstan1
1819
+ btther1
1820
+ btttyr1
1821
+ btttyr2
1822
+ btwbab1
1823
+ btweye1
1824
+ btweye2
1825
+ btywar
1826
+ bubbab1
1827
+ bubbus1
1828
+ bubbut1
1829
+ bubcha1
1830
+ bubcis1
1831
+ bubcor1
1832
+ bubcur1
1833
+ bubear2
1834
+ bubfly
1835
+ bubgro1
1836
+ bubgro2
1837
+ bubhel1
1838
+ bubher1
1839
+ bubhum
1840
+ bubmon1
1841
+ bubpak1
1842
+ bubpak2
1843
+ bubpuf1
1844
+ bubrai1
1845
+ bubsab1
1846
+ bubsan
1847
+ bubtan1
1848
+ bubtan2
1849
+ bubtyr1
1850
+ bubwar1
1851
+ bubwar2
1852
+ bubwre1
1853
+ bucbab1
1854
+ bucbus1
1855
+ bucgre1
1856
+ buchor1
1857
+ bucifr1
1858
+ bucjac1
1859
+ bucjay1
1860
+ buclau1
1861
+ bucmot1
1862
+ bucmot2
1863
+ bucmot3
1864
+ bucmot4
1865
+ bucnig
1866
+ bucpar
1867
+ bucred1
1868
+ bucsap1
1869
+ buctof1
1870
+ budger
1871
+ buffal1
1872
+ buffle
1873
+ bufhel1
1874
+ bufhum1
1875
+ buflau1
1876
+ bufowl1
1877
+ bufowl2
1878
+ bufpar
1879
+ bufpar1
1880
+ bufpip1
1881
+ bufscr1
1882
+ bufsee1
1883
+ buftuf1
1884
+ buftuf3
1885
+ buggna
1886
+ buglio1
1887
+ bugnod
1888
+ bugrob1
1889
+ bugsta1
1890
+ bugtan
1891
+ buhcou1
1892
+ buhmac1
1893
+ buhshr1
1894
+ buhsun1
1895
+ buhvir
1896
+ bukwoo1
1897
+ bulalb2
1898
+ bulori
1899
+ bulpet
1900
+ bulphe1
1901
+ bulshe
1902
+ bumbee1
1903
+ bumhum
1904
+ bunere1
1905
+ bunfly1
1906
+ bunibi1
1907
+ bunwoo1
1908
+ burbus1
1909
+ burcou2
1910
+ burcus1
1911
+ burhon1
1912
+ burjuf1
1913
+ burori2
1914
+ burori3
1915
+ burowl
1916
+ burpar
1917
+ bursan1
1918
+ burshr1
1919
+ burtai1
1920
+ burtho1
1921
+ burthr
1922
+ burthr1
1923
+ burwar1
1924
+ burwhe1
1925
+ burwoo1
1926
+ buryuh1
1927
+ busbla1
1928
+ busbus1
1929
+ busfla1
1930
+ busflu1
1931
+ bushti
1932
+ buspet1
1933
+ buspip1
1934
+ busrob1
1935
+ buswid1
1936
+ buswoo1
1937
+ buswre1
1938
+ butapa1
1939
+ butcor1
1940
+ butfly1
1941
+ butfly2
1942
+ butfog4
1943
+ buthil1
1944
+ buthum
1945
+ butkne1
1946
+ butpuf1
1947
+ butpur1
1948
+ butsal1
1949
+ butsic1
1950
+ butsun2
1951
+ buttro1
1952
+ butwar1
1953
+ butwoo2
1954
+ buvbul1
1955
+ buvhum1
1956
+ buwcin1
1957
+ buwgoo1
1958
+ buwmac1
1959
+ buwpar1
1960
+ buwpar2
1961
+ buwpar3
1962
+ buwsta1
1963
+ buwtea
1964
+ buwwar
1965
+ bwfshr1
1966
+ bwfshr2
1967
+ bwgdov1
1968
+ bwmtan1
1969
+ bwrtai1
1970
+ bwwbab1
1971
+ bwwwre1
1972
+ caaant1
1973
+ caacac1
1974
+ caawoo1
1975
+ cabbun1
1976
+ cabgoo1
1977
+ cabgre1
1978
+ cabgre3
1979
+ cabspi1
1980
+ cabtra1
1981
+ cacbul1
1982
+ caccan1
1983
+ cacgoo1
1984
+ caclar1
1985
+ cacpar1
1986
+ cacwre
1987
+ caeowl1
1988
+ cafdov1
1989
+ caichi1
1990
+ caipar2
1991
+ caisha2
1992
+ caisto1
1993
+ caiswi1
1994
+ caitea1
1995
+ calcon
1996
+ calgna
1997
+ calgul
1998
+ calhum
1999
+ callar1
2000
+ calqua
2001
+ calrai1
2002
+ calthr
2003
+ caltow
2004
+ camboo1
2005
+ camfli1
2006
+ camfra2
2007
+ camgre2
2008
+ camhap1
2009
+ camind1
2010
+ camlau1
2011
+ cammin2
2012
+ campig1
2013
+ camscw1
2014
+ camspe1
2015
+ camsun2
2016
+ camtai1
2017
+ camtro1
2018
+ camwar
2019
+ cancan1
2020
+ caneme1
2021
+ canfly2
2022
+ cangoo
2023
+ cangro1
2024
+ canoys1
2025
+ cantow
2026
+ canvas
2027
+ canwar
2028
+ canwre
2029
+ caogre1
2030
+ capbab1
2031
+ capbat1
2032
+ capbul1
2033
+ capbun1
2034
+ capcan1
2035
+ capcon1
2036
+ capcor1
2037
+ capcro1
2038
+ capcro2
2039
+ capfra2
2040
+ capgan1
2041
+ capgls1
2042
+ capgra1
2043
+ capgri1
2044
+ capher1
2045
+ caplar1
2046
+ capowl1
2047
+ cappet
2048
+ capsee1
2049
+ capsho1
2050
+ capsis2
2051
+ capspa1
2052
+ capsug1
2053
+ captea1
2054
+ capuch1
2055
+ capwag1
2056
+ capwea1
2057
+ capwhe1
2058
+ capwhe2
2059
+ capwhe3
2060
+ capwhe6
2061
+ caqsee1
2062
+ carcar1
2063
+ carcha1
2064
+ carchi
2065
+ carcis1
2066
+ carcro1
2067
+ cardov1
2068
+ carela1
2069
+ cargra1
2070
+ cargra2
2071
+ carlor1
2072
+ carmar1
2073
+ carmyz1
2074
+ carpar
2075
+ carpar1
2076
+ carpar3
2077
+ carque1
2078
+ carrew1
2079
+ carsee1
2080
+ carsun2
2081
+ cartan2
2082
+ cartap1
2083
+ carthr1
2084
+ cartit2
2085
+ carwoo1
2086
+ carwre
2087
+ casant1
2088
+ casauk
2089
+ casfin
2090
+ casfin1
2091
+ casfly1
2092
+ casgul2
2093
+ cashae1
2094
+ cashon1
2095
+ caskin
2096
+ casoro2
2097
+ casplo1
2098
+ cassno1
2099
+ casspa
2100
+ casspi1
2101
+ caster1
2102
+ castit2
2103
+ casvir
2104
+ categr
2105
+ categr2
2106
+ cattyr
2107
+ cauant2
2108
+ caugro1
2109
+ caugua1
2110
+ causno1
2111
+ cavshe1
2112
+ cavspa1
2113
+ cavstp1
2114
+ cavswa
2115
+ cavswi2
2116
+ cavswi3
2117
+ cawfin1
2118
+ cayjay1
2119
+ caynig1
2120
+ cbbwar2
2121
+ cbfdov1
2122
+ cbgcuc1
2123
+ cbipig1
2124
+ cbipig2
2125
+ cbjbab1
2126
+ cbmfin1
2127
+ cbmtan1
2128
+ cbqthr1
2129
+ cbrthr1
2130
+ cbsbab1
2131
+ cbsbab2
2132
+ cbsfin
2133
+ cbslar1
2134
+ cbswea1
2135
+ cbttyr1
2136
+ ccbeat1
2137
+ ccbfin
2138
+ ccbwar1
2139
+ ccfdov1
2140
+ ccfgle1
2141
+ ccfgle2
2142
+ ccswea1
2143
+ cebboo1
2144
+ cebflo1
2145
+ cecman1
2146
+ cedwax
2147
+ ceghor1
2148
+ cehpar1
2149
+ celmon1
2150
+ cepfly1
2151
+ cercus1
2152
+ cerwar
2153
+ cetwar1
2154
+ ceybuw1
2155
+ ceyfro1
2156
+ ceyjun1
2157
+ ceymag1
2158
+ ceymyn1
2159
+ ceyspu1
2160
+ ceywhe1
2161
+ ceywht1
2162
+ ceywop1
2163
+ cfsbab1
2164
+ cfweye1
2165
+ chaant1
2166
+ chaapa1
2167
+ chabar1
2168
+ chabrt1
2169
+ chabul1
2170
+ chacha1
2171
+ chacis1
2172
+ chaear1
2173
+ chafly1
2174
+ chafly2
2175
+ chafly3
2176
+ chafly4
2177
+ chagih1
2178
+ chahum1
2179
+ chakin2
2180
+ chalor1
2181
+ chamoc1
2182
+ chamoc2
2183
+ chaowl1
2184
+ chaoys1
2185
+ chapet1
2186
+ chapip1
2187
+ charob1
2188
+ chaswi2
2189
+ chavan2
2190
+ chbant1
2191
+ chbant2
2192
+ chbbab1
2193
+ chbbun1
2194
+ chbbut2
2195
+ chbchi
2196
+ chbchl1
2197
+ chbcor1
2198
+ chbcot1
2199
+ chbcuc2
2200
+ chbcuc3
2201
+ chbcuc4
2202
+ chbeat1
2203
+ chbeup1
2204
+ chbfan1
2205
+ chbflo1
2206
+ chbgna1
2207
+ chbgua1
2208
+ chbhel1
2209
+ chbhum1
2210
+ chbkin1
2211
+ chbkin2
2212
+ chblau1
2213
+ chbmal1
2214
+ chbmal2
2215
+ chbmoc1
2216
+ chbmon1
2217
+ chbmun1
2218
+ chbneg1
2219
+ chbnut2
2220
+ chbnut3
2221
+ chbnut4
2222
+ chbowl1
2223
+ chbpar1
2224
+ chbpar2
2225
+ chbpar3
2226
+ chbplo1
2227
+ chbqut1
2228
+ chbros1
2229
+ chbsan
2230
+ chbsee1
2231
+ chbsta1
2232
+ chbtan1
2233
+ chbtho1
2234
+ chbthr1
2235
+ chbthr2
2236
+ chbtou1
2237
+ chbtou3
2238
+ chbwar1
2239
+ chbwhi1
2240
+ chbwre1
2241
+ chcant1
2242
+ chcant2
2243
+ chcbab1
2244
+ chcbab2
2245
+ chcbec1
2246
+ chcbla2
2247
+ chccot1
2248
+ chcfly1
2249
+ chcgna1
2250
+ chclau2
2251
+ chclau3
2252
+ chclon
2253
+ chcpih1
2254
+ chcpuf1
2255
+ chcsta1
2256
+ chcswa2
2257
+ chcswi1
2258
+ chcter2
2259
+ chcthr1
2260
+ chcwar2
2261
+ chcwoo1
2262
+ chcyuh1
2263
+ cheant1
2264
+ cheant2
2265
+ cheara1
2266
+ chebul1
2267
+ chebun1
2268
+ chebun2
2269
+ chelau1
2270
+ chemun
2271
+ chephe1
2272
+ chepic1
2273
+ chequt1
2274
+ cherai1
2275
+ chesee1
2276
+ chespa1
2277
+ chetea1
2278
+ chethr1
2279
+ chewea1
2280
+ chewoo2
2281
+ chewoo3
2282
+ chfbab1
2283
+ chfhel1
2284
+ chfmac1
2285
+ chfrai1
2286
+ chfspa1
2287
+ chgshr2
2288
+ chhcra1
2289
+ chhflu1
2290
+ chhlau1
2291
+ chhnun1
2292
+ chhoro1
2293
+ chhpar1
2294
+ chhpar3
2295
+ chhspl1
2296
+ chhtan1
2297
+ chhtes1
2298
+ chhwrb1
2299
+ chiapa1
2300
+ chibab2
2301
+ chibar1
2302
+ chibat1
2303
+ chibel1
2304
+ chibla1
2305
+ chibub1
2306
+ chicar1
2307
+ chicis1
2308
+ chicup1
2309
+ chiegr
2310
+ chieme1
2311
+ chifer1
2312
+ chifla1
2313
+ chifli1
2314
+ chifra1
2315
+ chifri1
2316
+ chiful1
2317
+ chiger2
2318
+ chigra1
2319
+ chihao1
2320
+ chilew1
2321
+ chimoc1
2322
+ chimon1
2323
+ chipar1
2324
+ chipen2
2325
+ chipig2
2326
+ chirai1
2327
+ chirav
2328
+ chirub1
2329
+ chisha1
2330
+ chisku1
2331
+ chisni1
2332
+ chispa
2333
+ chiswa1
2334
+ chiswi
2335
+ chiswi1
2336
+ chithr1
2337
+ chithr2
2338
+ chitin1
2339
+ chityr1
2340
+ chivir1
2341
+ chiwar1
2342
+ chiwed1
2343
+ chiwed2
2344
+ chiwig1
2345
+ chiwoo1
2346
+ chmbab1
2347
+ chnant1
2348
+ chnfor1
2349
+ chnfra1
2350
+ chnfra3
2351
+ chnpar1
2352
+ choale1
2353
+ chobla1
2354
+ choboo1
2355
+ chopig1
2356
+ chopoo1
2357
+ chospi2
2358
+ chotap1
2359
+ chotin1
2360
+ chotou1
2361
+ chotyr1
2362
+ chovir1
2363
+ chowch1
2364
+ chowoo1
2365
+ chpher1
2366
+ chptit1
2367
+ chqdov1
2368
+ chrbab1
2369
+ chrcha1
2370
+ chrhea1
2371
+ chrshe
2372
+ chrtho1
2373
+ chrwoo1
2374
+ chsant1
2375
+ chsgos1
2376
+ chspet1
2377
+ chswar
2378
+ chtant1
2379
+ chtant2
2380
+ chtapa2
2381
+ chtapa3
2382
+ chtfly1
2383
+ chtjuf1
2384
+ chtmin1
2385
+ chtsee1
2386
+ chtspi1
2387
+ chtsta2
2388
+ chttan1
2389
+ chttou2
2390
+ chttou3
2391
+ chtwoo1
2392
+ chucis1
2393
+ chucis2
2394
+ chukar
2395
+ chutap1
2396
+ chutap2
2397
+ chvcon1
2398
+ chvnut1
2399
+ chvtyr2
2400
+ chwbab1
2401
+ chwcha1
2402
+ chwcin1
2403
+ chwcuc1
2404
+ chweye1
2405
+ chwfog1
2406
+ chwhoo1
2407
+ chwqua1
2408
+ chwsta1
2409
+ chwwht1
2410
+ chwwid
2411
+ chyfin1
2412
+ cibatt1
2413
+ cibbun1
2414
+ cibfan1
2415
+ cibflo1
2416
+ cibgrt1
2417
+ cibkin1
2418
+ cibmel1
2419
+ cibspi1
2420
+ cibwar1
2421
+ cicada1
2422
+ cicada3
2423
+ cicada4
2424
+ cicada5
2425
+ cicada6
2426
+ cicada7
2427
+ cicfly1
2428
+ cicspa1
2429
+ cifdov1
2430
+ ciftyr1
2431
+ cigdov1
2432
+ cigdov2
2433
+ cihpig1
2434
+ ciipig1
2435
+ cinant1
2436
+ cinatt1
2437
+ cinbec1
2438
+ cinbec2
2439
+ cinbit1
2440
+ cinbul1
2441
+ cinbun1
2442
+ cincon1
2443
+ cinfin1
2444
+ cinfly2
2445
+ cingrt1
2446
+ cinhao1
2447
+ cinhar1
2448
+ cinhum1
2449
+ cinmat1
2450
+ cinmou1
2451
+ cinsco1
2452
+ cintan1
2453
+ cintea
2454
+ cintin1
2455
+ cintyr1
2456
+ cinvul1
2457
+ cinwax1
2458
+ cinwea1
2459
+ cinwhe1
2460
+ cinwoo1
2461
+ cipcan1
2462
+ ciqthr1
2463
+ cirbun1
2464
+ cirtro1
2465
+ cirwar2
2466
+ citcaf1
2467
+ citfan1
2468
+ citfin1
2469
+ cither1
2470
+ citspa1
2471
+ cittro1
2472
+ citwag
2473
+ citwar1
2474
+ citwoo1
2475
+ civpih1
2476
+ ciweye1
2477
+ ciweye2
2478
+ ciwfin1
2479
+ ciwfin2
2480
+ clafra1
2481
+ clagre
2482
+ clalew1
2483
+ clanut
2484
+ clarai11
2485
+ clawea1
2486
+ clawre1
2487
+ clcrob
2488
+ clcspa
2489
+ clfdov1
2490
+ clfsco1
2491
+ clifly1
2492
+ clishb1
2493
+ cliswa
2494
+ clocis1
2495
+ clopyo1
2496
+ clrwar1
2497
+ clscis1
2498
+ clwman1
2499
+ coamin1
2500
+ coatit2
2501
+ cobowl1
2502
+ cobpig1
2503
+ cobpuf1
2504
+ cobrob1
2505
+ cobtan1
2506
+ cobtan2
2507
+ cocant1
2508
+ coccuc1
2509
+ cocfin1
2510
+ cocfin2
2511
+ cocfin3
2512
+ cocfly1
2513
+ cocher1
2514
+ cocjac1
2515
+ cocjac2
2516
+ cockat
2517
+ cocthr1
2518
+ cocwoo1
2519
+ codfin1
2520
+ codpet1
2521
+ cofdov1
2522
+ coffal1
2523
+ cogdov
2524
+ cogwar1
2525
+ cohcuc1
2526
+ coheme1
2527
+ cohmar1
2528
+ coipig1
2529
+ colant1
2530
+ colara1
2531
+ colara4
2532
+ colara5
2533
+ colbab1
2534
+ colcha1
2535
+ colcra2
2536
+ colcre1
2537
+ colcre2
2538
+ colcro1
2539
+ coleto1
2540
+ colfal1
2541
+ colfin1
2542
+ colfly1
2543
+ colgna1
2544
+ colgre1
2545
+ colgro1
2546
+ colinc1
2547
+ colkin1
2548
+ colkin17
2549
+ colkin2
2550
+ colkin9
2551
+ collar1
2552
+ collau1
2553
+ collor1
2554
+ colmyn1
2555
+ colnig1
2556
+ colowl1
2557
+ colowl3
2558
+ colpet1
2559
+ colplo1
2560
+ colpra
2561
+ colpuf1
2562
+ colpuf2
2563
+ colred1
2564
+ colspa1
2565
+ colsun2
2566
+ coltow1
2567
+ coltre1
2568
+ coltro1
2569
+ colwar
2570
+ combab1
2571
+ combab3
2572
+ comblh1
2573
+ combri2
2574
+ combro1
2575
+ combul1
2576
+ combul2
2577
+ combul4
2578
+ combul5
2579
+ combul6
2580
+ combuz1
2581
+ combuz4
2582
+ combuz6
2583
+ combuz9
2584
+ comcan
2585
+ comcha
2586
+ comchi1
2587
+ comcra
2588
+ comcuc
2589
+ comdro1
2590
+ comduc2
2591
+ comduc3
2592
+ comeid
2593
+ comfin1
2594
+ comfla1
2595
+ comgal1
2596
+ comgol
2597
+ comgon1
2598
+ comgra
2599
+ comgre
2600
+ comior1
2601
+ comjer1
2602
+ comkin1
2603
+ comloo
2604
+ commer
2605
+ commin1
2606
+ commoo3
2607
+ commur
2608
+ commyn
2609
+ comnew1
2610
+ comnig
2611
+ comnig1
2612
+ compau
2613
+ compea
2614
+ compig1
2615
+ compoc
2616
+ compoo
2617
+ compot1
2618
+ comqua1
2619
+ comrav
2620
+ comred
2621
+ comred1
2622
+ comred2
2623
+ comros
2624
+ comsan
2625
+ comshe
2626
+ comsni
2627
+ comswi
2628
+ comtai1
2629
+ comter
2630
+ comthr1
2631
+ comwax
2632
+ comwea1
2633
+ comwoo1
2634
+ comyel
2635
+ conmar1
2636
+ conmoo1
2637
+ conpea1
2638
+ consun2
2639
+ conwar
2640
+ cooela1
2641
+ coohaw
2642
+ coopet
2643
+ cooswi1
2644
+ copbar1
2645
+ copeme1
2646
+ copgoo1
2647
+ copkin1
2648
+ copmet1
2649
+ copowl1
2650
+ copphe1
2651
+ copqut1
2652
+ copsun2
2653
+ coptho2
2654
+ copthr1
2655
+ coqcou1
2656
+ coqfra2
2657
+ corbun1
2658
+ corcan1
2659
+ corcin1
2660
+ corcra
2661
+ corfin1
2662
+ corfly
2663
+ corhum1
2664
+ cornut1
2665
+ corpip1
2666
+ corplo
2667
+ corshe1
2668
+ corswi
2669
+ corwre1
2670
+ cosbil1
2671
+ coseag1
2672
+ coshum
2673
+ cosowl1
2674
+ cosowl3
2675
+ cosswa1
2676
+ cotcou1
2677
+ cotfly1
2678
+ cotsun2
2679
+ cottyr1
2680
+ coukin
2681
+ coweye1
2682
+ cowfin1
2683
+ cowpar1
2684
+ cowpig1
2685
+ cowscj1
2686
+ cozeme1
2687
+ cozthr1
2688
+ cozvir1
2689
+ cqrpig1
2690
+ crachi1
2691
+ crahaw
2692
+ cramur
2693
+ craplo1
2694
+ cratan1
2695
+ crbant1
2696
+ crbcan1
2697
+ crbcan3
2698
+ crbcan4
2699
+ crbdro1
2700
+ crbfin1
2701
+ crbfin3
2702
+ crbfla1
2703
+ crbflo1
2704
+ crbfrd1
2705
+ crbgna1
2706
+ crbgon1
2707
+ crbpar1
2708
+ crbsun2
2709
+ crbtan1
2710
+ crbthr1
2711
+ crbtyr1
2712
+ crbwoo1
2713
+ crbwoo2
2714
+ crbwoo3
2715
+ crcbab1
2716
+ crccou1
2717
+ crcdov1
2718
+ crcflo1
2719
+ crcgro
2720
+ crcman2
2721
+ crcpuf1
2722
+ crcspi1
2723
+ crctan1
2724
+ crcwar
2725
+ crcwoo1
2726
+ crcwoo2
2727
+ crearg1
2728
+ creauk
2729
+ crebab1
2730
+ crebar1
2731
+ crebec1
2732
+ crebel1
2733
+ creber1
2734
+ crebob1
2735
+ crebob2
2736
+ crebul1
2737
+ crebun1
2738
+ crebun2
2739
+ crecar1
2740
+ crecou1
2741
+ crecur2
2742
+ credor1
2743
+ credro1
2744
+ creduc1
2745
+ creeag1
2746
+ crefin1
2747
+ crefir1
2748
+ crefir2
2749
+ crefra2
2750
+ cregal1
2751
+ cregos1
2752
+ cregua1
2753
+ cregui1
2754
+ crehae1
2755
+ crehon
2756
+ crehon2
2757
+ crehor1
2758
+ creibi1
2759
+ crejay1
2760
+ crekin1
2761
+ crelar2
2762
+ crelar3
2763
+ cremal1
2764
+ cremyn
2765
+ creoro1
2766
+ creowl1
2767
+ crepar1
2768
+ crepig1
2769
+ crepit1
2770
+ creque1
2771
+ cresat1
2772
+ creshe1
2773
+ crespi1
2774
+ cretit2
2775
+ cretre1
2776
+ crfant1
2777
+ crfbar1
2778
+ crfbar3
2779
+ crfcar1
2780
+ crfgle1
2781
+ crfpar
2782
+ crgdov1
2783
+ crgthr1
2784
+ crheag1
2785
+ crhman1
2786
+ crhmyz1
2787
+ crhpar1
2788
+ cricha1
2789
+ crifin1
2790
+ crifru1
2791
+ crilon1
2792
+ criros2
2793
+ crisee1
2794
+ crithr
2795
+ critop1
2796
+ crmwoo2
2797
+ crobab1
2798
+ crocht1
2799
+ crocht3
2800
+ crocis1
2801
+ crocor1
2802
+ croeag1
2803
+ crohon1
2804
+ crohor1
2805
+ crolap1
2806
+ crosan1
2807
+ crosha1
2808
+ croslf1
2809
+ crowoo1
2810
+ crpowl
2811
+ crqdov1
2812
+ crrmin1
2813
+ crrtou1
2814
+ crrwax1
2815
+ crsbul1
2816
+ crseag1
2817
+ crspar1
2818
+ crstit1
2819
+ crtwar1
2820
+ crtwhe1
2821
+ crtwhe2
2822
+ crvbul1
2823
+ crwcin1
2824
+ crwfin1
2825
+ crwfin2
2826
+ crwwoo1
2827
+ cryfof1
2828
+ crytre1
2829
+ crywar1
2830
+ cssvir1
2831
+ ctgsta1
2832
+ cthhue1
2833
+ cubbla
2834
+ cubblh1
2835
+ cubbul1
2836
+ cubcro1
2837
+ cubeme1
2838
+ cubgna1
2839
+ cubgra
2840
+ cubmac1
2841
+ cubmar
2842
+ cubpar1
2843
+ cubpar2
2844
+ cubpew1
2845
+ cubree1
2846
+ cubscy1
2847
+ cubsol1
2848
+ cubthr
2849
+ cubtin1
2850
+ cubtod1
2851
+ cubtro1
2852
+ cubvir1
2853
+ cucara1
2854
+ cucjay1
2855
+ cuckoo1
2856
+ cucman1
2857
+ cugwoo1
2858
+ cunant1
2859
+ cupcro1
2860
+ cupowl1
2861
+ cursan
2862
+ cutia1
2863
+ cutthr1
2864
+ cuzbrf1
2865
+ cvswar1
2866
+ cwbros1
2867
+ cypwar1
2868
+ cypwhe1
2869
+ dabcin1
2870
+ dabcuc1
2871
+ dabhon1
2872
+ dabros1
2873
+ dabspi1
2874
+ dabwar1
2875
+ dacgos1
2876
+ dacwhe1
2877
+ daedov2
2878
+ daedov3
2879
+ daehon1
2880
+ daejun
2881
+ daejun2
2882
+ dafbab1
2883
+ dafgrt1
2884
+ dahori1
2885
+ dalpel1
2886
+ dalshb1
2887
+ damfly1
2888
+ damroc1
2889
+ damter2
2890
+ dantai1
2891
+ dapthr1
2892
+ darbar1
2893
+ darbat1
2894
+ darnew1
2895
+ darnot1
2896
+ darpew1
2897
+ darros1
2898
+ darswi1
2899
+ darter2
2900
+ darter3
2901
+ darter4
2902
+ darwar1
2903
+ darwoo1
2904
+ dasfly
2905
+ dasthr1
2906
+ datori1
2907
+ datsee1
2908
+ datthr1
2909
+ daujac1
2910
+ daupar1
2911
+ daured1
2912
+ dausta1
2913
+ davlew1
2914
+ dawmin1
2915
+ dawtru1
2916
+ dbipig1
2917
+ dbptyr1
2918
+ dbwqua1
2919
+ deasof1
2920
+ debflo1
2921
+ defpar1
2922
+ delpig1
2923
+ demcra1
2924
+ demwir1
2925
+ derpar1
2926
+ descha1
2927
+ descis1
2928
+ desfin2
2929
+ deslar1
2930
+ desspa1
2931
+ desspa3
2932
+ desspa4
2933
+ deswhe1
2934
+ dhbfin1
2935
+ diadov1
2936
+ diafir1
2937
+ dianig1
2938
+ diaplo1
2939
+ diatan1
2940
+ diatap1
2941
+ diatap2
2942
+ diatro1
2943
+ dickci
2944
+ dickes1
2945
+ didcuc1
2946
+ dierai1
2947
+ dimfan1
2948
+ dindor2
2949
+ djifra1
2950
+ dltcuc1
2951
+ dobant2
2952
+ dobcou2
2953
+ dobfin1
2954
+ dobgra1
2955
+ dobplo1
2956
+ dobsan1
2957
+ doccor
2958
+ docsee1
2959
+ dodo1
2960
+ doecoq1
2961
+ dofwoo1
2962
+ dohbus1
2963
+ dohthb1
2964
+ dolgul2
2965
+ dollar1
2966
+ dorcht1
2967
+ dorcis1
2968
+ dorgos1
2969
+ dosfra2
2970
+ dosnig1
2971
+ dotbar1
2972
+ dotkit1
2973
+ dottan1
2974
+ doveki
2975
+ dovpri1
2976
+ dowant1
2977
+ dowcra1
2978
+ dowwoo
2979
+ drahem1
2980
+ drapri1
2981
+ drasee1
2982
+ drasis2
2983
+ draswi1
2984
+ drawhi1
2985
+ drawhi3
2986
+ drbhor1
2987
+ drbpyt1
2988
+ drwtyr1
2989
+ dsswea1
2990
+ dstkne
2991
+ dubfly2
2992
+ dubfly3
2993
+ dubjac1
2994
+ dubpar1
2995
+ dubsee1
2996
+ dubtan1
2997
+ ducatt1
2998
+ duccoc1
2999
+ ducdov1
3000
+ ducfly
3001
+ ducfly1
3002
+ ducfly2
3003
+ ducfog1
3004
+ ducgra2
3005
+ ducgre1
3006
+ duclor1
3007
+ ducwin1
3008
+ duegih1
3009
+ dueowl1
3010
+ duftan1
3011
+ dugant1
3012
+ dugfin1
3013
+ dugoro1
3014
+ duhpar
3015
+ dulfly1
3016
+ dulfro1
3017
+ dulgua1
3018
+ dumant1
3019
+ dumant3
3020
+ dunlar2
3021
+ dunlar3
3022
+ dunlin
3023
+ dunnoc1
3024
+ duplar1
3025
+ dusant1
3026
+ dusbab2
3027
+ dusbro1
3028
+ duscrm1
3029
+ dusfan1
3030
+ dusfly
3031
+ dusfri1
3032
+ dusful1
3033
+ dusger1
3034
+ dusgra1
3035
+ dusgro
3036
+ dushum1
3037
+ duslar1
3038
+ duslor1
3039
+ dusmoo1
3040
+ dusmun1
3041
+ dusmyz1
3042
+ dusnig1
3043
+ duspar1
3044
+ duspig2
3045
+ duspih1
3046
+ duspur1
3047
+ dusrob1
3048
+ dusscr2
3049
+ dusscr3
3050
+ dusspi1
3051
+ dussta1
3052
+ dussun2
3053
+ dustap1
3054
+ dustet1
3055
+ dusthr1
3056
+ dusthr2
3057
+ dustit2
3058
+ dustwi1
3059
+ duswar
3060
+ duswoo1
3061
+ duswoo3
3062
+ duswoo4
3063
+ dutant1
3064
+ dutant2
3065
+ dutcan1
3066
+ dutdov1
3067
+ dutfla1
3068
+ duther1
3069
+ duweye1
3070
+ dwabit1
3071
+ dwacas1
3072
+ dwacuc1
3073
+ dwafrd1
3074
+ dwahon1
3075
+ dwahon2
3076
+ dwajay1
3077
+ dwakin1
3078
+ dwakoe1
3079
+ dwatin1
3080
+ dwavir1
3081
+ dwawhi1
3082
+ dwtman1
3083
+ dybtwi1
3084
+ eaafie1
3085
+ eabwar1
3086
+ eacaka1
3087
+ eacgos1
3088
+ eaclar1
3089
+ eacsun1
3090
+ eactan1
3091
+ eacwar1
3092
+ eamhar1
3093
+ eaosun1
3094
+ eaowar1
3095
+ eaowar2
3096
+ eaptyr1
3097
+ eapwhy1
3098
+ eardov1
3099
+ eargre
3100
+ earpit1
3101
+ earpoo1
3102
+ earque
3103
+ easbeg1
3104
+ easblu
3105
+ easbri1
3106
+ easkin
3107
+ easmah2
3108
+ easmea
3109
+ easmog1
3110
+ easmog3
3111
+ easmog4
3112
+ easmog5
3113
+ easmog6
3114
+ easnic1
3115
+ easowl1
3116
+ easpho
3117
+ easple1
3118
+ easros1
3119
+ easspi1
3120
+ eastow
3121
+ easwah1
3122
+ easwhi1
3123
+ easwpw1
3124
+ eatpin1
3125
+ eawpew
3126
+ eaywag
3127
+ eaywag1
3128
+ ebomyz1
3129
+ ebopar1
3130
+ ecgdov1
3131
+ eclpar
3132
+ ecucac1
3133
+ ecuhil1
3134
+ ecupic1
3135
+ ecupie1
3136
+ ecutap1
3137
+ ecuthr1
3138
+ ecutyr1
3139
+ edcsun1
3140
+ edcsun3
3141
+ edcsun4
3142
+ edfpar1
3143
+ ednswi1
3144
+ edwphe1
3145
+ egwtea1
3146
+ egygoo
3147
+ egynig1
3148
+ egyplo1
3149
+ egyvul1
3150
+ eiamon1
3151
+ elblar1
3152
+ elctin1
3153
+ elecre1
3154
+ eleeup1
3155
+ elefal1
3156
+ elepai
3157
+ elepai4
3158
+ elepai5
3159
+ elepar1
3160
+ elepit7
3161
+ elequa
3162
+ elesun1
3163
+ eleter1
3164
+ eletit2
3165
+ eletro
3166
+ elewoo1
3167
+ elfowl
3168
+ elipig1
3169
+ elllau1
3170
+ ellphe1
3171
+ ellwoo1
3172
+ elopar1
3173
+ eluant1
3174
+ elwwar1
3175
+ embpuf1
3176
+ emchum1
3177
+ emedov2
3178
+ emedov3
3179
+ emesta1
3180
+ emetan1
3181
+ emetou3
3182
+ emetou4
3183
+ emetou8
3184
+ emishr1
3185
+ emlwar1
3186
+ empbri1
3187
+ empfai1
3188
+ empgoo
3189
+ emppen1
3190
+ emu1
3191
+ engcud1
3192
+ engmyn1
3193
+ engthr1
3194
+ ensowl1
3195
+ epaori1
3196
+ epaori4
3197
+ equaka1
3198
+ equgra1
3199
+ ercfra
3200
+ erttyr1
3201
+ eskcur
3202
+ esmant1
3203
+ esmwoo2
3204
+ eswdov1
3205
+ ethswa1
3206
+ ettwoo1
3207
+ eubeat1
3208
+ eucdov
3209
+ eueowl1
3210
+ eugori2
3211
+ eugplo
3212
+ euhbuz1
3213
+ eulfly1
3214
+ eunhon1
3215
+ eupfly1
3216
+ eupowl1
3217
+ euptit1
3218
+ eurbla
3219
+ eurbla2
3220
+ eurbul
3221
+ eurbul1
3222
+ eurcoo
3223
+ eurcrm1
3224
+ eurcur
3225
+ eurdot
3226
+ eurgol
3227
+ eurgre1
3228
+ eurgri1
3229
+ eurhob
3230
+ eurhoo2
3231
+ eurjac
3232
+ eurjay1
3233
+ eurkes
3234
+ eurkes1
3235
+ eurlin1
3236
+ eurmag1
3237
+ eurmag3
3238
+ eurmag5
3239
+ eurmag6
3240
+ eurnig1
3241
+ eurnut1
3242
+ eurnut2
3243
+ eurnut6
3244
+ euroys1
3245
+ eurrob1
3246
+ eurrol1
3247
+ eursco1
3248
+ eursco3
3249
+ eurser1
3250
+ eursha1
3251
+ eursis
3252
+ eurspa1
3253
+ eurspo1
3254
+ eursta
3255
+ eurtre1
3256
+ eurtre3
3257
+ eurwar1
3258
+ eurwar2
3259
+ eurwig
3260
+ eurwoo
3261
+ eurwry
3262
+ eutdov
3263
+ eutkne1
3264
+ eutspa
3265
+ evegro
3266
+ evesco1
3267
+ evethr1
3268
+ evweye1
3269
+ eybhor1
3270
+ eyethr
3271
+ eyjfly1
3272
+ eyrfla1
3273
+ eyrgra1
3274
+ eyrthi1
3275
+ eywbab1
3276
+ fabbow1
3277
+ fabbri1
3278
+ fabtan1
3279
+ fabthr1
3280
+ fabwax1
3281
+ fabwax3
3282
+ fabwhi1
3283
+ fabwre1
3284
+ faclar2
3285
+ faecur
3286
+ faifly1
3287
+ faiger1
3288
+ failor1
3289
+ faimar2
3290
+ faipit1
3291
+ faipri1
3292
+ faiter2
3293
+ falduc
3294
+ falstd1
3295
+ famcha1
3296
+ fansaw1
3297
+ fasant1
3298
+ faseag1
3299
+ faswre1
3300
+ fatber1
3301
+ fatcuc1
3302
+ fatger1
3303
+ fatgra1
3304
+ father1
3305
+ fatmon1
3306
+ fatrav1
3307
+ fatwar
3308
+ fatwid1
3309
+ fawbab1
3310
+ fbfdov1
3311
+ fbfeye1
3312
+ fbtbab1
3313
+ feaowl1
3314
+ feapet1
3315
+ feapet2
3316
+ febant1
3317
+ feonig1
3318
+ fepbat1
3319
+ fepoli1
3320
+ fepowl
3321
+ fepspe1
3322
+ ferant1
3323
+ ferbab1
3324
+ ferduc
3325
+ ferfli1
3326
+ ferfly1
3327
+ ferhaw
3328
+ ferlar2
3329
+ fernbi1
3330
+ fernwr1
3331
+ ferpar2
3332
+ fescoq2
3333
+ fescoq3
3334
+ fespar1
3335
+ fhbfin1
3336
+ fibara1
3337
+ fibbus1
3338
+ fibflo2
3339
+ fibmyn1
3340
+ fibmyn2
3341
+ fibpic1
3342
+ fibwar1
3343
+ fibwoo1
3344
+ ficale2
3345
+ ficale3
3346
+ ficbar1
3347
+ ficman1
3348
+ ficmun1
3349
+ fictit1
3350
+ fiediu1
3351
+ fieldf
3352
+ fiemin1
3353
+ fiespa
3354
+ fietop1
3355
+ fifbis1
3356
+ fifser1
3357
+ fifthr1
3358
+ fiipig1
3359
+ fijgos1
3360
+ fijpar1
3361
+ fijpet1
3362
+ fijshr1
3363
+ fijwhi2
3364
+ fijwoo1
3365
+ fimbow1
3366
+ finbul1
3367
+ fineup1
3368
+ finfra2
3369
+ finnig1
3370
+ finwhe1
3371
+ fiopen1
3372
+ fippar1
3373
+ firecr1
3374
+ firecr3
3375
+ fireth1
3376
+ firgat1
3377
+ fiscro
3378
+ fisfly1
3379
+ fisgre1
3380
+ fislar1
3381
+ fislov1
3382
+ fispar1
3383
+ fisspa
3384
+ fissta1
3385
+ fistur1
3386
+ fiswoo1
3387
+ fitawl1
3388
+ fitbar1
3389
+ fitfru1
3390
+ fithum1
3391
+ fitmet1
3392
+ fitmyz1
3393
+ fitsun1
3394
+ flabow2
3395
+ flabow3
3396
+ flabul1
3397
+ flafly1
3398
+ flafly2
3399
+ flalar1
3400
+ flamec1
3401
+ flaowl
3402
+ flapyt1
3403
+ flarob1
3404
+ flasun1
3405
+ flatre1
3406
+ flawar1
3407
+ flbflo2
3408
+ flbflo3
3409
+ flbkin1
3410
+ flbsun2
3411
+ flbvir1
3412
+ flcflo1
3413
+ flcman2
3414
+ flctan
3415
+ flctan1
3416
+ flfbar1
3417
+ flfshe
3418
+ flftan1
3419
+ flgpig1
3420
+ flicor1
3421
+ flistd1
3422
+ flobro1
3423
+ flocro1
3424
+ flohae1
3425
+ flojuf1
3426
+ flomin1
3427
+ flomon1
3428
+ flowhe1
3429
+ flrgra1
3430
+ flrtan1
3431
+ flrtan3
3432
+ flsjay
3433
+ flsowl1
3434
+ fltbab1
3435
+ fltwar1
3436
+ flushe1
3437
+ fluwre1
3438
+ flystd1
3439
+ fobsan1
3440
+ focbus2
3441
+ fooant1
3442
+ fooela1
3443
+ foosco1
3444
+ foptit1
3445
+ forbit1
3446
+ forbla1
3447
+ forcan1
3448
+ forela1
3449
+ forfod1
3450
+ forfra2
3451
+ forhon1
3452
+ forkin1
3453
+ formag1
3454
+ forowl1
3455
+ forplo1
3456
+ forrai1
3457
+ forrav1
3458
+ forrob1
3459
+ forrot2
3460
+ forswa2
3461
+ forter
3462
+ forthr1
3463
+ forwag1
3464
+ forwea1
3465
+ forwoo1
3466
+ fospar1
3467
+ fosrob1
3468
+ fotdro1
3469
+ fotdro4
3470
+ fotfly
3471
+ fotpyt1
3472
+ fotsun1
3473
+ fotswi
3474
+ fotwoo1
3475
+ fowswi1
3476
+ fowthr1
3477
+ foxcis1
3478
+ foxkes1
3479
+ foxlar1
3480
+ foxsp2
3481
+ foxsp3
3482
+ foxsp4
3483
+ foxspa
3484
+ foxwea1
3485
+ fragos2
3486
+ fragul
3487
+ frbtho1
3488
+ frbwar1
3489
+ frbwoo1
3490
+ freduc1
3491
+ frenig1
3492
+ freowl1
3493
+ frgdov1
3494
+ fricoq1
3495
+ frifan1
3496
+ frilar1
3497
+ frimon1
3498
+ frnmon1
3499
+ fruith1
3500
+ ftpswi1
3501
+ ftspet
3502
+ fubfla1
3503
+ fubwoo2
3504
+ fucjuf1
3505
+ fucnun1
3506
+ fuctan1
3507
+ fudtre1
3508
+ fuebou1
3509
+ fuelon2
3510
+ fuesni1
3511
+ fuhtan1
3512
+ fujnil1
3513
+ fulant1
3514
+ fulcha1
3515
+ fulowl1
3516
+ fulpar1
3517
+ fulpri1
3518
+ fulwre1
3519
+ furfly1
3520
+ fusfly1
3521
+ fusfly2
3522
+ fushon1
3523
+ fustan1
3524
+ fuveup1
3525
+ fuwduc
3526
+ gabaka1
3527
+ gabbou1
3528
+ gabbus1
3529
+ gabcou1
3530
+ gabfru1
3531
+ gabgos2
3532
+ gabwoo1
3533
+ gabwoo3
3534
+ gadwal
3535
+ gagcoc1
3536
+ gagtan1
3537
+ gagtan2
3538
+ gagwar2
3539
+ galah
3540
+ galdov1
3541
+ galfly1
3542
+ galhaw1
3543
+ galmar1
3544
+ galmoc1
3545
+ galpen1
3546
+ galpet
3547
+ galrai1
3548
+ gamfly1
3549
+ gamqua
3550
+ ganlew1
3551
+ gareme1
3552
+ gargan
3553
+ garkin1
3554
+ garpit1
3555
+ garrob1
3556
+ gartro1
3557
+ garwar1
3558
+ gathum1
3559
+ gaweye1
3560
+ gawhum1
3561
+ gawtyr2
3562
+ gbbgul
3563
+ gbesta1
3564
+ gbhgul2
3565
+ gbmgem1
3566
+ gbmtan1
3567
+ gbopar1
3568
+ gbopar2
3569
+ gbsfin1
3570
+ gbwwre1
3571
+ gcbwar1
3572
+ gchwar
3573
+ gcoroc1
3574
+ gcptan1
3575
+ gcrfin
3576
+ gcrwar
3577
+ gdcsun2
3578
+ gencaf1
3579
+ genpen1
3580
+ geomal1
3581
+ geppar1
3582
+ gepphe1
3583
+ gerswi1
3584
+ gfhpar1
3585
+ gfqdov
3586
+ ghacus1
3587
+ giaant1
3588
+ giaant2
3589
+ giabab1
3590
+ giacon1
3591
+ giacoo1
3592
+ giacou1
3593
+ giacow
3594
+ giahum1
3595
+ giaibi1
3596
+ giakin1
3597
+ giakin3
3598
+ gialau1
3599
+ gianut1
3600
+ giapit1
3601
+ giasni1
3602
+ giawea1
3603
+ giawre1
3604
+ gietan1
3605
+ gilbar1
3606
+ gilfli
3607
+ gilhum1
3608
+ gillar1
3609
+ gilwhi1
3610
+ gilwoo
3611
+ giweye1
3612
+ giwrai1
3613
+ glagul
3614
+ glamac1
3615
+ glatan1
3616
+ glbbec1
3617
+ glbcoc1
3618
+ glbeme1
3619
+ glbgro1
3620
+ glbthr1
3621
+ glgtan1
3622
+ glmman2
3623
+ gloant1
3624
+ gloflo1
3625
+ gloibi
3626
+ glopuf2
3627
+ gloswi1
3628
+ glteme1
3629
+ glthum1
3630
+ glwgul
3631
+ gmrtai1
3632
+ gnbbec2
3633
+ gnbcam2
3634
+ gnbcam3
3635
+ gnbger1
3636
+ gnbhel1
3637
+ gnbman
3638
+ gnbtai1
3639
+ gnbtro1
3640
+ gnbwhe1
3641
+ gncpar
3642
+ gnfhum2
3643
+ gnhsun1
3644
+ gnlthr
3645
+ gnspig1
3646
+ gntbri1
3647
+ gnteup1
3648
+ gntsun1
3649
+ gnttan1
3650
+ gnttow
3651
+ gobbis1
3652
+ gobbun1
3653
+ gobchl1
3654
+ gobcht1
3655
+ gobeup1
3656
+ gobfly1
3657
+ gobfly2
3658
+ gobfru1
3659
+ gobful1
3660
+ gobger1
3661
+ gobgro1
3662
+ gobmag1
3663
+ gobpuf1
3664
+ gobrob1
3665
+ gobsal1
3666
+ gobsta1
3667
+ gobsta5
3668
+ gobwar1
3669
+ gobwar2
3670
+ gobwar4
3671
+ gobwea1
3672
+ gobwhi1
3673
+ gocbab1
3674
+ goceme1
3675
+ gocfly1
3676
+ gochon2
3677
+ gockin
3678
+ gocman1
3679
+ gocman2
3680
+ gocmyn1
3681
+ gocpar2
3682
+ gocspa
3683
+ gocspa1
3684
+ goctan1
3685
+ goctan2
3686
+ goctan3
3687
+ goctan4
3688
+ goctou1
3689
+ gocwoo1
3690
+ gocwoo2
3691
+ gocwoo3
3692
+ godbun1
3693
+ goeant1
3694
+ goetan1
3695
+ gofbow1
3696
+ gofful2
3697
+ gofgre1
3698
+ goflea1
3699
+ gofred1
3700
+ goftyr1
3701
+ goftyr4
3702
+ goftyr5
3703
+ gofwoo
3704
+ gofwoo2
3705
+ gogwoo1
3706
+ gohcis1
3707
+ gohman1
3708
+ gohque1
3709
+ gohtan1
3710
+ goifin1
3711
+ golbab1
3712
+ golbow1
3713
+ golbul3
3714
+ golbul4
3715
+ golcou1
3716
+ golcus1
3717
+ goldcr1
3718
+ goldov1
3719
+ goleag
3720
+ golgre1
3721
+ golher1
3722
+ gollor1
3723
+ golmon1
3724
+ golmyn1
3725
+ golnig1
3726
+ golpar2
3727
+ golpar3
3728
+ golphe
3729
+ golpip1
3730
+ golswa1
3731
+ goltan1
3732
+ golvir1
3733
+ golwhi1
3734
+ golwhi2
3735
+ gonbar1
3736
+ gonfin1
3737
+ gontan1
3738
+ gonwea1
3739
+ gonwoo1
3740
+ goowoo1
3741
+ goowoo3
3742
+ goppar1
3743
+ gopwea1
3744
+ goreup1
3745
+ gorflo1
3746
+ gorpuf1
3747
+ gorsun1
3748
+ gortan1
3749
+ gorwoo2
3750
+ gosapa1
3751
+ gosbun1
3752
+ goseup1
3753
+ gospar1
3754
+ gospic1
3755
+ gospic3
3756
+ goswar1
3757
+ gotbar2
3758
+ gotbar3
3759
+ gotgra1
3760
+ gotpar2
3761
+ gotsap1
3762
+ gotwoo1
3763
+ goufin3
3764
+ goufro1
3765
+ goujew1
3766
+ goupet1
3767
+ gousho1
3768
+ gousun1
3769
+ goutou1
3770
+ gowbar1
3771
+ gowcac1
3772
+ goweye1
3773
+ gowgro2
3774
+ gowgro3
3775
+ gowlau1
3776
+ gowman1
3777
+ gowpar2
3778
+ gowqua1
3779
+ gowspa1
3780
+ gowsun2
3781
+ gowtof1
3782
+ gowwar
3783
+ grablu1
3784
+ grabro1
3785
+ grabul1
3786
+ grabuz1
3787
+ gracus1
3788
+ graeao1
3789
+ graela1
3790
+ graela2
3791
+ gragoo
3792
+ gragra1
3793
+ graher1
3794
+ grahon2
3795
+ grahon3
3796
+ grahon5
3797
+ gralar2
3798
+ gramal1
3799
+ gramin1
3800
+ gramou1
3801
+ gramun1
3802
+ granda1
3803
+ granig1
3804
+ granig3
3805
+ graori1
3806
+ graori2
3807
+ graori3
3808
+ graori4
3809
+ grapet
3810
+ grapic1
3811
+ grapri1
3812
+ grasal3
3813
+ graspa
3814
+ graspa1
3815
+ grathr1
3816
+ gratre1
3817
+ grawar
3818
+ grawar1
3819
+ grbani
3820
+ grbbec1
3821
+ grbbus1
3822
+ grbcam1
3823
+ grbcou1
3824
+ grbcou2
3825
+ grbcra1
3826
+ grbeat1
3827
+ grbere1
3828
+ grbfir1
3829
+ grbhaw1
3830
+ grbher1
3831
+ grbher2
3832
+ grbher3
3833
+ grbhon1
3834
+ grbhon2
3835
+ grbhum1
3836
+ grbkin1
3837
+ grbmal1
3838
+ grbpar1
3839
+ grbpit1
3840
+ grbrob1
3841
+ grbspa1
3842
+ grbtit1
3843
+ grbtou1
3844
+ grbtur1
3845
+ grbtwi1
3846
+ grbwhi1
3847
+ grbwoo1
3848
+ grbwoo2
3849
+ grbwoo3
3850
+ grbwre1
3851
+ grcbec1
3852
+ grcbri1
3853
+ grccra1
3854
+ grcdov1
3855
+ grcdov2
3856
+ grcfly
3857
+ grcfly1
3858
+ grcfly3
3859
+ grcgre1
3860
+ grctan1
3861
+ grcter1
3862
+ grcthr1
3863
+ grcwoo1
3864
+ grdswi1
3865
+ greadj1
3866
+ greaki2
3867
+ greaki3
3868
+ greaki4
3869
+ greama
3870
+ greani1
3871
+ greant1
3872
+ greant2
3873
+ greara1
3874
+ grearg1
3875
+ greauk
3876
+ grebar1
3877
+ grebar2
3878
+ grebar3
3879
+ grebit1
3880
+ grebow1
3881
+ grebro1
3882
+ grebus1
3883
+ grecat1
3884
+ grecoc1
3885
+ grecor
3886
+ grecor4
3887
+ grecou1
3888
+ grecro1
3889
+ grecur1
3890
+ gredov1
3891
+ greegr
3892
+ greela
3893
+ greela1
3894
+ greere1
3895
+ grefla1
3896
+ grefla2
3897
+ grefla3
3898
+ greflo1
3899
+ grefly1
3900
+ grefri
3901
+ gregre1
3902
+ greher1
3903
+ grehon1
3904
+ grehon2
3905
+ grehor1
3906
+ grehyl1
3907
+ greibi1
3908
+ greind1
3909
+ greior1
3910
+ greior2
3911
+ grejac2
3912
+ grejer1
3913
+ grejun1
3914
+ grejun2
3915
+ grekes1
3916
+ grekis
3917
+ grekno
3918
+ grelic1
3919
+ gremag1
3920
+ greman1
3921
+ greman2
3922
+ gremel1
3923
+ grenig1
3924
+ greori1
3925
+ greoro1
3926
+ grepar
3927
+ grepar1
3928
+ grepea1
3929
+ grepew
3930
+ grepot1
3931
+ grepuf1
3932
+ grerhe1
3933
+ greroa
3934
+ greros1
3935
+ greros2
3936
+ gresap1
3937
+ gresca
3938
+ gresch2
3939
+ grescy1
3940
+ greshe
3941
+ gresho1
3942
+ gresht1
3943
+ gresku1
3944
+ gresni1
3945
+ grespi2
3946
+ grests1
3947
+ gresun1
3948
+ gretea1
3949
+ gretho1
3950
+ gretho2
3951
+ grethr1
3952
+ gretin1
3953
+ gretin2
3954
+ gretit1
3955
+ gretit2
3956
+ gretit4
3957
+ gretyr1
3958
+ grewar2
3959
+ grewar3
3960
+ grewhi1
3961
+ grewoo1
3962
+ grewoo2
3963
+ grexen1
3964
+ greyel
3965
+ greyel1
3966
+ grfdov1
3967
+ grfhaw1
3968
+ grfhum1
3969
+ grflan1
3970
+ grfpar1
3971
+ grglea1
3972
+ grgmac
3973
+ grgowl
3974
+ grgrob1
3975
+ grgtan1
3976
+ grgwar1
3977
+ grhcha1
3978
+ grhgul
3979
+ grhkit1
3980
+ grhlar1
3981
+ grhori1
3982
+ grhowl
3983
+ grhowl2
3984
+ grhpip1
3985
+ grhtan1
3986
+ grhtan2
3987
+ grifin1
3988
+ grilon1
3989
+ gripig1
3990
+ grkfin
3991
+ grkwhe1
3992
+ grnava1
3993
+ grnfig1
3994
+ grnher
3995
+ grnimp2
3996
+ grnjay1
3997
+ grnjay2
3998
+ grnkin
3999
+ grnlon1
4000
+ grnpar
4001
+ grnpar2
4002
+ grnpar3
4003
+ grnpyg1
4004
+ grnsan
4005
+ grntan1
4006
+ grnvie1
4007
+ grnwar1
4008
+ grnwoo1
4009
+ grnwoo3
4010
+ grocus1
4011
+ gropar1
4012
+ gropar2
4013
+ grothr1
4014
+ grotit1
4015
+ growea1
4016
+ growoo1
4017
+ grpchi
4018
+ grpeag1
4019
+ grpfin1
4020
+ grpsni1
4021
+ grrpar1
4022
+ grrspa1
4023
+ grrswi1
4024
+ grrtai1
4025
+ grrwar1
4026
+ grrwoo1
4027
+ grsbab1
4028
+ grsbop1
4029
+ grscuc1
4030
+ grseag1
4031
+ grsfly1
4032
+ grshon1
4033
+ grskiw1
4034
+ grsplo
4035
+ grsvir1
4036
+ grswar1
4037
+ grswar2
4038
+ grswoo
4039
+ grswoo1
4040
+ grtcar1
4041
+ grtcha1
4042
+ grtdro1
4043
+ grteme1
4044
+ grtgol1
4045
+ grtgra
4046
+ grtjac1
4047
+ grtkne1
4048
+ grtlea1
4049
+ grtman1
4050
+ grtsun1
4051
+ grttra1
4052
+ grtwar1
4053
+ grwpel1
4054
+ grwpet2
4055
+ grwpet3
4056
+ grwpyt1
4057
+ grwsal1
4058
+ grwtyr1
4059
+ gryant1
4060
+ gryant2
4061
+ gryapa1
4062
+ grybun
4063
+ grybus1
4064
+ grybut1
4065
+ grycat
4066
+ grycis1
4067
+ grycro1
4068
+ grycur1
4069
+ grycus1
4070
+ gryemt1
4071
+ gryfal1
4072
+ gryfan1
4073
+ gryfin1
4074
+ gryfin2
4075
+ gryfin3
4076
+ gryfly
4077
+ gryfra
4078
+ gryfri1
4079
+ grygab1
4080
+ gryger1
4081
+ grygos1
4082
+ grygra1
4083
+ grygre1
4084
+ grygrt1
4085
+ grygul
4086
+ gryhaw2
4087
+ gryhaw3
4088
+ gryhon1
4089
+ gryimp1
4090
+ gryjay
4091
+ grykes1
4092
+ grykin
4093
+ grylau1
4094
+ grylon1
4095
+ grymon1
4096
+ grynig1
4097
+ grynig2
4098
+ grynod1
4099
+ grypar
4100
+ grypar1
4101
+ grypep2
4102
+ grypep3
4103
+ grypra1
4104
+ grysee1
4105
+ grysht1
4106
+ grysib1
4107
+ grytif1
4108
+ grytin1
4109
+ grytit1
4110
+ grytre1
4111
+ gryvir
4112
+ grywaf1
4113
+ grywag
4114
+ grywhi2
4115
+ grywoo1
4116
+ grywre1
4117
+ grywrw1
4118
+ gsbfin1
4119
+ gsgdov1
4120
+ gstlar1
4121
+ gstswi1
4122
+ gtmgem1
4123
+ guacar2
4124
+ guacor1
4125
+ guacro1
4126
+ guafly1
4127
+ guahon1
4128
+ guaiab1
4129
+ guarai1
4130
+ guathi1
4131
+ guawoo1
4132
+ guawoo2
4133
+ gubter1
4134
+ gubter3
4135
+ gufgle1
4136
+ guhwhi1
4137
+ guicuc1
4138
+ guigna2
4139
+ guigna3
4140
+ guigna4
4141
+ guipuf1
4142
+ guista1
4143
+ guitan1
4144
+ guitou1
4145
+ guitur1
4146
+ guityr1
4147
+ guiwaa1
4148
+ gunhaw1
4149
+ gurcot1
4150
+ gureag1
4151
+ gurpit1
4152
+ gursug1
4153
+ gusgro
4154
+ guspet
4155
+ gwfgoo
4156
+ gybant1
4157
+ gybbab1
4158
+ gybbab2
4159
+ gybbul1
4160
+ gybcom1
4161
+ gybfis1
4162
+ gybflo1
4163
+ gybfly1
4164
+ gybfra1
4165
+ gybhaw1
4166
+ gybhaw2
4167
+ gybmar
4168
+ gybmot1
4169
+ gybmun1
4170
+ gybpar1
4171
+ gybpar3
4172
+ gybpar4
4173
+ gybpar5
4174
+ gybpar6
4175
+ gybpri1
4176
+ gybrob1
4177
+ gybsab1
4178
+ gybsab4
4179
+ gybsee1
4180
+ gybshr1
4181
+ gybsht1
4182
+ gybspi1
4183
+ gybspi2
4184
+ gybspl1
4185
+ gybstp1
4186
+ gybtac1
4187
+ gybtai1
4188
+ gybter1
4189
+ gybtes1
4190
+ gybthr1
4191
+ gybwow3
4192
+ gybwrb1
4193
+ gycbab1
4194
+ gycbul3
4195
+ gyccro1
4196
+ gyccuc
4197
+ gycfin1
4198
+ gycfly1
4199
+ gycful1
4200
+ gycful3
4201
+ gycful4
4202
+ gycful5
4203
+ gycgre1
4204
+ gychel1
4205
+ gychem1
4206
+ gycher1
4207
+ gycill1
4208
+ gycjuf1
4209
+ gycmin1
4210
+ gycmun1
4211
+ gycnun1
4212
+ gycpar1
4213
+ gycpig1
4214
+ gycpri1
4215
+ gycshr1
4216
+ gyctet1
4217
+ gycthr
4218
+ gyctib1
4219
+ gyctit1
4220
+ gyctyr1
4221
+ gyctyr2
4222
+ gycwar1
4223
+ gycwar2
4224
+ gycwar3
4225
+ gycwoo1
4226
+ gycwor1
4227
+ gycyel
4228
+ gyebul1
4229
+ gyegre1
4230
+ gyfbuz1
4231
+ gyfcin1
4232
+ gyfhon1
4233
+ gyflio1
4234
+ gyftib1
4235
+ gyfwoo1
4236
+ gygbus1
4237
+ gygfrd1
4238
+ gygscr1
4239
+ gyhalb
4240
+ gyhant1
4241
+ gyhatt1
4242
+ gyhbab1
4243
+ gyhbat1
4244
+ gyhbri1
4245
+ gyhbro1
4246
+ gyhbul1
4247
+ gyhbul2
4248
+ gyhbun1
4249
+ gyhbus1
4250
+ gyhbut1
4251
+ gyhcaf1
4252
+ gyhchi
4253
+ gyhcus1
4254
+ gyhdov1
4255
+ gyhdov3
4256
+ gyhfie1
4257
+ gyhfly1
4258
+ gyhfrd1
4259
+ gyhgos1
4260
+ gyhgre1
4261
+ gyhhon1
4262
+ gyhimp1
4263
+ gyhkin1
4264
+ gyhlap1
4265
+ gyhlov1
4266
+ gyhmun1
4267
+ gyhneg1
4268
+ gyholi1
4269
+ gyhpar1
4270
+ gyhpar2
4271
+ gyhpar3
4272
+ gyhpar4
4273
+ gyhrob1
4274
+ gyhrob2
4275
+ gyhsif1
4276
+ gyhsil1
4277
+ gyhsow1
4278
+ gyhspa1
4279
+ gyhspi1
4280
+ gyhsun1
4281
+ gyhsun2
4282
+ gyhtof1
4283
+ gyhvul1
4284
+ gyhwar1
4285
+ gyhwar2
4286
+ gyhwhe1
4287
+ gyhwoo1
4288
+ gyltin1
4289
+ gymwre1
4290
+ gynant1
4291
+ gynroc1
4292
+ gyogre1
4293
+ gyrfal
4294
+ gyrswa1
4295
+ gyrswi5
4296
+ gyrtre1
4297
+ gysbuw1
4298
+ gysflo1
4299
+ gysfly1
4300
+ gysfra1
4301
+ gyslau
4302
+ gysscb1
4303
+ gysthr1
4304
+ gytbab1
4305
+ gytbar1
4306
+ gytbul1
4307
+ gytmar1
4308
+ gytpih1
4309
+ gytrai1
4310
+ gyttat1
4311
+ gyttif1
4312
+ gytwaf1
4313
+ gytwar1
4314
+ gytwhe1
4315
+ gywbla1
4316
+ gywcot1
4317
+ gywfra1
4318
+ gywinf1
4319
+ gywroc1
4320
+ gywtru1
4321
+ habbar1
4322
+ habbul1
4323
+ habfly1
4324
+ hacant1
4325
+ hacdro1
4326
+ hackin1
4327
+ hacspa1
4328
+ hadibi1
4329
+ haipar1
4330
+ haiwoo
4331
+ halbab1
4332
+ halcus1
4333
+ halori1
4334
+ halwar1
4335
+ hamerk1
4336
+ hamfly
4337
+ hanboo1
4338
+ hanboo2
4339
+ hanfly1
4340
+ hanfra2
4341
+ hanfru1
4342
+ hansun1
4343
+ hapwre1
4344
+ harant1
4345
+ harbab1
4346
+ harbus2
4347
+ harduc
4348
+ harduc1
4349
+ hareag1
4350
+ harfra3
4351
+ harfra4
4352
+ hargul1
4353
+ harlew1
4354
+ harqua1
4355
+ harspa
4356
+ hartur1
4357
+ hattyr1
4358
+ hauthr1
4359
+ hauthr3
4360
+ hawama
4361
+ hawcoo
4362
+ hawcre
4363
+ hawcro
4364
+ hawduc
4365
+ hawfin
4366
+ hawgoo
4367
+ hawhaw
4368
+ hawmam1
4369
+ hawoo
4370
+ hawpet1
4371
+ hawrai
4372
+ hawrai1
4373
+ hazgro1
4374
+ heegul
4375
+ heicra1
4376
+ heisha1
4377
+ heishe1
4378
+ helcur1
4379
+ helfri1
4380
+ helfri3
4381
+ helfri4
4382
+ helgui
4383
+ helhor1
4384
+ helman1
4385
+ helmyn1
4386
+ helpip1
4387
+ helvan1
4388
+ helwoo1
4389
+ hemhor1
4390
+ hemwea1
4391
+ hengos1
4392
+ henpet1
4393
+ henspa
4394
+ heptan1
4395
+ heptan2
4396
+ heptan3
4397
+ heptyr1
4398
+ hercha1
4399
+ hergul
4400
+ herpet2
4401
+ herthr
4402
+ herwar
4403
+ heswoo1
4404
+ heubus1
4405
+ heufra1
4406
+ heuwhe1
4407
+ heuwhe2
4408
+ hfptyr1
4409
+ hhfgle1
4410
+ hibfly1
4411
+ hibfly3
4412
+ hifdov1
4413
+ higela2
4414
+ higela3
4415
+ higgua1
4416
+ higmot1
4417
+ higtin1
4418
+ hilfra2
4419
+ hilmyn
4420
+ hilpar1
4421
+ hilpig1
4422
+ hilpri1
4423
+ hilpri2
4424
+ hilsta1
4425
+ himacc1
4426
+ himblu1
4427
+ himcuc1
4428
+ himfla1
4429
+ himgri1
4430
+ himmon1
4431
+ himowl1
4432
+ himqua1
4433
+ himrub1
4434
+ himshb1
4435
+ himsno
4436
+ himswi2
4437
+ himthr1
4438
+ himwoo1
4439
+ hipbab1
4440
+ hirwar1
4441
+ hirwar2
4442
+ hiscro
4443
+ hiseme1
4444
+ hislic1
4445
+ hispar
4446
+ hispar1
4447
+ hispew1
4448
+ hisspi
4449
+ histro1
4450
+ hiswoo1
4451
+ hoapuf1
4452
+ hoared
4453
+ hoatzi1
4454
+ hobbul1
4455
+ hobcuc1
4456
+ hobher2
4457
+ hobkin1
4458
+ hobkit
4459
+ hobkit2
4460
+ hobvan1
4461
+ hodfro1
4462
+ hodhac1
4463
+ hodred1
4464
+ hofwoo1
4465
+ hofwoo2
4466
+ hogwea1
4467
+ hohgre1
4468
+ homtan1
4469
+ homtou1
4470
+ honeme1
4471
+ hongre1
4472
+ hooant1
4473
+ hoober2
4474
+ hoobut1
4475
+ hoocra1
4476
+ hoocro1
4477
+ hoocus1
4478
+ hoogna1
4479
+ hoogre1
4480
+ hoogro1
4481
+ hoomer
4482
+ hoomoc1
4483
+ hoomon1
4484
+ hoomun1
4485
+ hooori
4486
+ hoopar1
4487
+ hoopit1
4488
+ hoopit2
4489
+ hooplo2
4490
+ hoopoe
4491
+ hoorob1
4492
+ hoosis1
4493
+ hootan1
4494
+ hootin1
4495
+ hootre1
4496
+ hoovis2
4497
+ hoovul1
4498
+ hoowar
4499
+ hoowhe1
4500
+ hooyel1
4501
+ horbab2
4502
+ horcoo1
4503
+ horcur2
4504
+ horcur3
4505
+ horgre
4506
+ horgua1
4507
+ horlar
4508
+ horpar2
4509
+ horpar3
4510
+ horpuf
4511
+ horscr1
4512
+ horsun2
4513
+ horswi1
4514
+ hosbro1
4515
+ hotbar1
4516
+ hotbut1
4517
+ hotbut3
4518
+ hotspi1
4519
+ hottea1
4520
+ houbun2
4521
+ houbun3
4522
+ houbus1
4523
+ houcro1
4524
+ houfin
4525
+ houspa
4526
+ houswi1
4527
+ houwre
4528
+ houwre5
4529
+ hrshaw
4530
+ huatin1
4531
+ hubtyr1
4532
+ hudcan1
4533
+ hudgod
4534
+ huia1
4535
+ humant1
4536
+ humher1
4537
+ humlar1
4538
+ humowl1
4539
+ humpen1
4540
+ humphe1
4541
+ humsap2
4542
+ humsun2
4543
+ humwar1
4544
+ humwhe1
4545
+ humwhe2
4546
+ humwhi1
4547
+ huncis1
4548
+ hunsun2
4549
+ huoast1
4550
+ huocat1
4551
+ huomel1
4552
+ hutshe1
4553
+ hutvir
4554
+ hyamac1
4555
+ hyavis1
4556
+ hypoco1
4557
+ ibamal1
4558
+ ibechi2
4559
+ ibesee1
4560
+ ibgshr1
4561
+ ibisbi1
4562
+ ictgre1
4563
+ ictwar1
4564
+ iheant1
4565
+ iiwi
4566
+ ijlwar1
4567
+ imewaa1
4568
+ imispa1
4569
+ immant1
4570
+ immwrb1
4571
+ impcor1
4572
+ impeag1
4573
+ imppar1
4574
+ impsni1
4575
+ impwoo1
4576
+ inagna1
4577
+ inawoo1
4578
+ inawoo2
4579
+ inbkin2
4580
+ inbrob1
4581
+ incdov
4582
+ incfly1
4583
+ inchum1
4584
+ incter1
4585
+ incwre1
4586
+ indbar1
4587
+ indbun
4588
+ indbus1
4589
+ indbus2
4590
+ indbus3
4591
+ indcha1
4592
+ indcor1
4593
+ indcou1
4594
+ indcuc1
4595
+ indcus1
4596
+ indflo1
4597
+ indfly1
4598
+ indful1
4599
+ indhon1
4600
+ indmac1
4601
+ indnig1
4602
+ indpit1
4603
+ indrob1
4604
+ indrol1
4605
+ indrol3
4606
+ indsil
4607
+ indski1
4608
+ indswi1
4609
+ indthk1
4610
+ indtit1
4611
+ indvul1
4612
+ indwhe1
4613
+ indyuh1
4614
+ inghor2
4615
+ ingori1
4616
+ inirai1
4617
+ inldot2
4618
+ inltho1
4619
+ inpher1
4620
+ insbab1
4621
+ inseag1
4622
+ insowl1
4623
+ intant1
4624
+ integr
4625
+ invrai1
4626
+ inwpar1
4627
+ iphmon2
4628
+ iqugna1
4629
+ irabab1
4630
+ irgjay1
4631
+ iriaka1
4632
+ irilor1
4633
+ isabuh1
4634
+ isaori1
4635
+ isashr1
4636
+ isawhe1
4637
+ isbduc1
4638
+ iscdov1
4639
+ isipig1
4640
+ islfly1
4641
+ isllew10
4642
+ isllew9
4643
+ islmon1
4644
+ islthr1
4645
+ islwar1
4646
+ islwhi2
4647
+ issjay
4648
+ istwre1
4649
+ itaspa1
4650
+ itaspi1
4651
+ itonig1
4652
+ itubat1
4653
+ ivbara1
4654
+ ivbara3
4655
+ ivbpit1
4656
+ ivbwoo
4657
+ ivbwoo1
4658
+ ivogul
4659
+ izuthr1
4660
+ jabiru
4661
+ jabwar
4662
+ jabwar1
4663
+ jacbuz1
4664
+ jacfra2
4665
+ jachor1
4666
+ jacpen1
4667
+ jacsni
4668
+ jacwid1
4669
+ jacwin1
4670
+ jafdov1
4671
+ jamant1
4672
+ jambec1
4673
+ jambla1
4674
+ jamcro1
4675
+ jamela1
4676
+ jameup1
4677
+ jamfir1
4678
+ jamfla1
4679
+ jamind1
4680
+ jamlic1
4681
+ jamman1
4682
+ jamori1
4683
+ jamowl1
4684
+ jampau
4685
+ jampew1
4686
+ jamspi
4687
+ jamtod1
4688
+ jamvir1
4689
+ jamwoo1
4690
+ janher1
4691
+ janpar1
4692
+ japacc1
4693
+ japcor1
4694
+ japfly1
4695
+ japgro1
4696
+ japher1
4697
+ japmur1
4698
+ japqua
4699
+ japrob1
4700
+ japspa1
4701
+ japthr1
4702
+ japwag1
4703
+ japwax1
4704
+ japwoo1
4705
+ jasowl1
4706
+ jasowl2
4707
+ javcoc1
4708
+ javcus1
4709
+ javfla1
4710
+ javfro2
4711
+ javfro3
4712
+ javful1
4713
+ javhae1
4714
+ javkin1
4715
+ javmun1
4716
+ javowl1
4717
+ javplo1
4718
+ javspa
4719
+ javtes1
4720
+ javtro1
4721
+ javwht1
4722
+ jaweye1
4723
+ jaweye2
4724
+ jawpig1
4725
+ jelcht1
4726
+ jerbab1
4727
+ jerbaz1
4728
+ jerbus1
4729
+ jerbus2
4730
+ jercou1
4731
+ jerlea1
4732
+ jernig1
4733
+ jetant1
4734
+ jetman2
4735
+ jfttyr1
4736
+ jgtwhe1
4737
+ jobman1
4738
+ jocant1
4739
+ johsun2
4740
+ johtot1
4741
+ jopind1
4742
+ joslor1
4743
+ jottyr1
4744
+ joupet
4745
+ joygre1
4746
+ jrswar1
4747
+ jubqua1
4748
+ juffir1
4749
+ jufpet
4750
+ junbab2
4751
+ juncan1
4752
+ jungre1
4753
+ junhao1
4754
+ junmyn1
4755
+ junowl1
4756
+ junpri1
4757
+ juntap1
4758
+ juntit1
4759
+ kagu1
4760
+ kaicus1
4761
+ kakapo2
4762
+ kakawa
4763
+ kalgra1
4764
+ kalphe
4765
+ kamao
4766
+ kamwea1
4767
+ kanfan1
4768
+ kanhon1
4769
+ kanwax1
4770
+ karapa1
4771
+ karbus1
4772
+ karcha1
4773
+ karlar2
4774
+ karpri1
4775
+ karthr1
4776
+ kasfly1
4777
+ kasnut1
4778
+ kasrob1
4779
+ kasrob2
4780
+ kattyr1
4781
+ kauama
4782
+ kauoo
4783
+ kawpar1
4784
+ kbfdov1
4785
+ kbopar1
4786
+ kea1
4787
+ kebmot1
4788
+ kebtou1
4789
+ kelgoo1
4790
+ kelgul
4791
+ kemlon1
4792
+ kenplo1
4793
+ kensta1
4794
+ kenwar
4795
+ kerlau2
4796
+ kerlau3
4797
+ kerpet
4798
+ kerpet2
4799
+ kersha1
4800
+ kerspa2
4801
+ kerter1
4802
+ kilcis1
4803
+ killde
4804
+ kilwea1
4805
+ kimhon1
4806
+ kincal1
4807
+ kineid
4808
+ kinpen1
4809
+ kinrai2
4810
+ kinrai4
4811
+ kinvul1
4812
+ kioea
4813
+ kirsan1
4814
+ kirwar
4815
+ kirwhe1
4816
+ kitmur
4817
+ kitplo1
4818
+ klaant1
4819
+ klaant2
4820
+ klacuc1
4821
+ klblar1
4822
+ klolew1
4823
+ knohor1
4824
+ knswar1
4825
+ knytur1
4826
+ knywoo1
4827
+ koeher1
4828
+ koesco1
4829
+ kokako3
4830
+ kokako4
4831
+ kokphe1
4832
+ kongro
4833
+ kopkin1
4834
+ kopwar1
4835
+ korbus1
4836
+ korfly1
4837
+ korlar1
4838
+ korspa1
4839
+ koscra1
4840
+ kosfrd1
4841
+ kospar1
4842
+ kossta1
4843
+ koswhe1
4844
+ krelon1
4845
+ krunut1
4846
+ kuhlor1
4847
+ kullew1
4848
+ kulmon1
4849
+ kulwhe1
4850
+ kunapa1
4851
+ kurthr1
4852
+ kvbsun1
4853
+ kwqdov
4854
+ laaphe1
4855
+ labant1
4856
+ labcro1
4857
+ labcro3
4858
+ labcro4
4859
+ labduc
4860
+ labger1
4861
+ lablar1
4862
+ labpuf1
4863
+ labrew1
4864
+ labscr2
4865
+ labter1
4866
+ labwoo
4867
+ lacwoo1
4868
+ laffin1
4869
+ lafpar1
4870
+ lafpic1
4871
+ laftap1
4872
+ lafvan1
4873
+ lafvul1
4874
+ lagbab2
4875
+ lagbus1
4876
+ lagfal1
4877
+ lagfin1
4878
+ lagpig1
4879
+ lahfla2
4880
+ lakduc1
4881
+ lalbru1
4882
+ lalbun1
4883
+ lalmaw1
4884
+ lammer1
4885
+ lamtan1
4886
+ lanfal1
4887
+ lanhoo
4888
+ lanmon1
4889
+ lanwar
4890
+ laplon
4891
+ larblf1
4892
+ larbun
4893
+ larcaf2
4894
+ larcus1
4895
+ larela1
4896
+ larfro1
4897
+ larhac1
4898
+ larhac2
4899
+ larnil1
4900
+ larscr1
4901
+ larspa
4902
+ larwoo1
4903
+ lasbab1
4904
+ lasfly
4905
+ lasthr1
4906
+ latant1
4907
+ latdov1
4908
+ latfin1
4909
+ latlar1
4910
+ latman1
4911
+ latnig1
4912
+ latnig2
4913
+ latsni1
4914
+ lattro1
4915
+ laudov1
4916
+ laufal1
4917
+ laugul
4918
+ laukoo1
4919
+ lauowl1
4920
+ laupig1
4921
+ lauwow1
4922
+ lavgul1
4923
+ lavwax
4924
+ lawbab1
4925
+ laweye1
4926
+ lawgol
4927
+ lawpar1
4928
+ lawpar2
4929
+ lawthr1
4930
+ layalb
4931
+ layduc
4932
+ layfin
4933
+ laypar1
4934
+ layrai
4935
+ laywar2
4936
+ lazbun
4937
+ lazkin1
4938
+ lazsab1
4939
+ lbbgul
4940
+ lbbwar1
4941
+ lbegls2
4942
+ lbesta1
4943
+ lblwar1
4944
+ lbopar1
4945
+ lbsfin1
4946
+ lbwbab1
4947
+ lbweye2
4948
+ lcptyr1
4949
+ lcspet
4950
+ leaant1
4951
+ leaauk
4952
+ leabit
4953
+ leabul1
4954
+ leaflo1
4955
+ leafly
4956
+ leafly1
4957
+ leafly2
4958
+ leagre
4959
+ leahon1
4960
+ leahon2
4961
+ leanig1
4962
+ leapau1
4963
+ leapew1
4964
+ leapyo1
4965
+ leasal1
4966
+ leasan
4967
+ leasee1
4968
+ leastp2
4969
+ leastp5
4970
+ leaswi1
4971
+ leatan1
4972
+ leater1
4973
+ lebber1
4974
+ lebcou1
4975
+ lebcro1
4976
+ lebfly2
4977
+ lebfly3
4978
+ lebsee1
4979
+ lebwhe2
4980
+ lecgre2
4981
+ lecspa
4982
+ lecter2
4983
+ lecthr
4984
+ lefeag1
4985
+ legcuc1
4986
+ leglea1
4987
+ legrob1
4988
+ legshr2
4989
+ lehlar1
4990
+ lekfin
4991
+ lemdov2
4992
+ lemowl1
4993
+ lenlau1
4994
+ lepchi
4995
+ lesadj1
4996
+ lesaki
4997
+ lesbop1
4998
+ lesbri2
4999
+ lescou1
5000
+ lescuc1
5001
+ lescus1
5002
+ leseag1
5003
+ lesela1
5004
+ lesfla1
5005
+ lesflo2
5006
+ lesfri
5007
+ lesgol
5008
+ lesgre1
5009
+ lesgrf1
5010
+ leshon1
5011
+ leshor1
5012
+ lesjac1
5013
+ leskes1
5014
+ leskis1
5015
+ lesmaw1
5016
+ lesmel1
5017
+ lesmoo1
5018
+ lesnig
5019
+ lesnod1
5020
+ lesnot1
5021
+ lesowl1
5022
+ lesplo
5023
+ lesred1
5024
+ lesrhe2
5025
+ lesroa1
5026
+ lessca
5027
+ lessee1
5028
+ lessee2
5029
+ lessho1
5030
+ lessht1
5031
+ lessts1
5032
+ lestan
5033
+ lesvio1
5034
+ leswar1
5035
+ leswhi1
5036
+ leswoo1
5037
+ leswoo2
5038
+ leswoo4
5039
+ lesyel
5040
+ lesyel1
5041
+ letara1
5042
+ letbar1
5043
+ letwar1
5044
+ levcuc1
5045
+ levshe1
5046
+ levspa1
5047
+ levwoo1
5048
+ lewduc1
5049
+ lewhon1
5050
+ lewkit1
5051
+ lewrai1
5052
+ lewtyr1
5053
+ lewwoo
5054
+ libbus1
5055
+ libcor1
5056
+ libcuc1
5057
+ libeat1
5058
+ libher
5059
+ liblar1
5060
+ librol2
5061
+ licdov1
5062
+ licpar
5063
+ licsan1
5064
+ licspi1
5065
+ licspi2
5066
+ lidjay1
5067
+ lifcan1
5068
+ liffal1
5069
+ lifgle1
5070
+ ligfly2
5071
+ ligpig1
5072
+ ligsun2
5073
+ ligtyr1
5074
+ ligwoo1
5075
+ ligwoo3
5076
+ liifin1
5077
+ likwhe1
5078
+ lilkin1
5079
+ lillov1
5080
+ limalb1
5081
+ limlew1
5082
+ limpki
5083
+ limwrb3
5084
+ linant1
5085
+ linbar1
5086
+ linsee1
5087
+ linspa
5088
+ linsun1
5089
+ linwoo1
5090
+ linwoo3
5091
+ linwoo4
5092
+ linwoo5
5093
+ linwoo6
5094
+ lipcor1
5095
+ lipfly1
5096
+ lipkin1
5097
+ liqdov1
5098
+ lirplo
5099
+ lirthr1
5100
+ lisfly1
5101
+ lishao1
5102
+ liskiw1
5103
+ litbar1
5104
+ litbit1
5105
+ litbun
5106
+ litbus1
5107
+ litbut1
5108
+ litcor1
5109
+ litcor2
5110
+ litcra1
5111
+ litcro1
5112
+ litcuc2
5113
+ litcur
5114
+ liteag1
5115
+ liteag3
5116
+ litegr
5117
+ litegr2
5118
+ litfor1
5119
+ litfri1
5120
+ litgra1
5121
+ litgre1
5122
+ litgre2
5123
+ litgre4
5124
+ litgul
5125
+ lither2
5126
+ lither3
5127
+ litkin1
5128
+ litlor1
5129
+ litnig1
5130
+ litowl1
5131
+ litpar2
5132
+ litpen1
5133
+ litrav1
5134
+ litrot1
5135
+ litshe
5136
+ litshe1
5137
+ litshe2
5138
+ litshe4
5139
+ litshr1
5140
+ litshr2
5141
+ litshr3
5142
+ litshr4
5143
+ litshr5
5144
+ litshr6
5145
+ litspa1
5146
+ litspi1
5147
+ litsti
5148
+ litsun1
5149
+ litswi1
5150
+ litter1
5151
+ littho1
5152
+ littin1
5153
+ litwat1
5154
+ litwea1
5155
+ litwoo1
5156
+ litwoo2
5157
+ litwoo4
5158
+ litwoo5
5159
+ livbul1
5160
+ livfly1
5161
+ livtur1
5162
+ liwrai1
5163
+ lizbuz1
5164
+ llweye1
5165
+ loawea1
5166
+ lobber1
5167
+ lobblf1
5168
+ lobcor1
5169
+ lobcro1
5170
+ lobcuc1
5171
+ lobcur
5172
+ lobdow
5173
+ lobgna4
5174
+ lobgna5
5175
+ lobher
5176
+ lobhon2
5177
+ lobmel1
5178
+ lobmur
5179
+ lobpar2
5180
+ lobpar3
5181
+ lobpip1
5182
+ lobpip7
5183
+ lobplo1
5184
+ lobrha1
5185
+ lobspi1
5186
+ lobsta1
5187
+ lobsun2
5188
+ lobtai1
5189
+ lobthr
5190
+ lobthr1
5191
+ lobwoo1
5192
+ lobwre1
5193
+ loceag1
5194
+ locmyn1
5195
+ locust3
5196
+ loeowl
5197
+ logkin
5198
+ logshr
5199
+ lohger1
5200
+ lohrai1
5201
+ lohswa1
5202
+ lolbuz1
5203
+ lolpip1
5204
+ lolwar1
5205
+ lomfly1
5206
+ lorsat1
5207
+ lorwhi1
5208
+ lotant1
5209
+ lotbro1
5210
+ lotcin1
5211
+ lotcor1
5212
+ lotduc
5213
+ lotfan1
5214
+ lotfin1
5215
+ lotfis1
5216
+ lothaw1
5217
+ lother1
5218
+ lotjae
5219
+ lotkoe1
5220
+ lotlap1
5221
+ lotman1
5222
+ lotmea1
5223
+ lotmin1
5224
+ lotmoc1
5225
+ lotmop1
5226
+ lotmop2
5227
+ lotmyn1
5228
+ lotnig1
5229
+ lotnig2
5230
+ lotpar1
5231
+ lotpar2
5232
+ lotpot1
5233
+ lotros1
5234
+ lotsab1
5235
+ lotsco1
5236
+ lotshr1
5237
+ lotsib1
5238
+ lotsta1
5239
+ lotsti
5240
+ lotsyl1
5241
+ lottap1
5242
+ lotthr1
5243
+ lottit1
5244
+ lottit5
5245
+ lottri1
5246
+ lottyr1
5247
+ lotwid1
5248
+ lotwoo1
5249
+ lotwoo2
5250
+ louflo1
5251
+ loupit1
5252
+ louwat
5253
+ louwhi1
5254
+ lovcot1
5255
+ lovfai1
5256
+ lovsun1
5257
+ lovsun3
5258
+ lowaka1
5259
+ lowant1
5260
+ loweye1
5261
+ loweye2
5262
+ lowhar1
5263
+ lowowl1
5264
+ lowpel1
5265
+ lowumb1
5266
+ lrtdro1
5267
+ lshpet1
5268
+ lsspet
5269
+ lstlar2
5270
+ lstlar3
5271
+ lstswi1
5272
+ ltbwar1
5273
+ ltgdov1
5274
+ ltgrol1
5275
+ ltgsta1
5276
+ lthbuz1
5277
+ ltpwhy1
5278
+ ltrfin1
5279
+ ltsfly1
5280
+ ltwbab1
5281
+ ltwpar1
5282
+ lubhea1
5283
+ luchum
5284
+ lucwar
5285
+ ludbus1
5286
+ ludful1
5287
+ luebus1
5288
+ lunant2
5289
+ lusbab1
5290
+ lusowl1
5291
+ luzbut1
5292
+ luzfla1
5293
+ luzhor1
5294
+ luzrai1
5295
+ luzrat1
5296
+ luzred1
5297
+ luzwrb1
5298
+ lwfgoo
5299
+ lyhvul1
5300
+ lython1
5301
+ lytnig1
5302
+ mabacc1
5303
+ mabara1
5304
+ mabeat1
5305
+ mabfly1
5306
+ mabfly2
5307
+ mabpar
5308
+ mabphi2
5309
+ mabpig1
5310
+ mabpig2
5311
+ mabqua1
5312
+ mabwea1
5313
+ mabwhi1
5314
+ macbow2
5315
+ macbus1
5316
+ macbus2
5317
+ macdov1
5318
+ macduc1
5319
+ macfrd1
5320
+ macfrd2
5321
+ macfrd3
5322
+ machon2
5323
+ machon3
5324
+ macpen1
5325
+ macsha1
5326
+ macshr1
5327
+ mactan1
5328
+ macwar
5329
+ madant1
5330
+ madbrw1
5331
+ madbul1
5332
+ madbut1
5333
+ madbuz1
5334
+ madcis2
5335
+ madcou1
5336
+ madcuc1
5337
+ madcuh1
5338
+ madflu1
5339
+ madgre1
5340
+ madgrp1
5341
+ madgrp2
5342
+ madhoo1
5343
+ madibi1
5344
+ madjac1
5345
+ madkes1
5346
+ madlar1
5347
+ madmun1
5348
+ madnig1
5349
+ madpar2
5350
+ madpet
5351
+ madpet1
5352
+ madplo1
5353
+ madpoc1
5354
+ madpra1
5355
+ madrai1
5356
+ madsan1
5357
+ madsni1
5358
+ madspa1
5359
+ madsta1
5360
+ madsun1
5361
+ madswi1
5362
+ madwag1
5363
+ madwhe1
5364
+ madwor1
5365
+ mafdov1
5366
+ mafdov2
5367
+ mafeag1
5368
+ mafpar1
5369
+ mafpar3
5370
+ magant1
5371
+ magcor1
5372
+ magfri
5373
+ maggoo1
5374
+ maghor2
5375
+ maghum1
5376
+ maghum2
5377
+ maglar1
5378
+ magman1
5379
+ magoys1
5380
+ magpar1
5381
+ magpen1
5382
+ magpet1
5383
+ magplo1
5384
+ magrif2
5385
+ magrif3
5386
+ magrob
5387
+ magshr1
5388
+ magsta1
5389
+ magsto1
5390
+ magsun1
5391
+ magtan2
5392
+ magtap1
5393
+ magwar
5394
+ magwoo1
5395
+ mahhaw1
5396
+ malemu1
5397
+ maleo1
5398
+ malfan1
5399
+ malfir1
5400
+ malhac1
5401
+ malhon1
5402
+ malia1
5403
+ malkin1
5404
+ malkin2
5405
+ mallar1
5406
+ mallar3
5407
+ mallau1
5408
+ mallee1
5409
+ malnig1
5410
+ malpar1
5411
+ malpar2
5412
+ malpas1
5413
+ malpip1
5414
+ malplo1
5415
+ malspi1
5416
+ malsta1
5417
+ malsun1
5418
+ maltro1
5419
+ malwoo1
5420
+ mamrob1
5421
+ mamtan1
5422
+ manant1
5423
+ manbuw1
5424
+ mancic1
5425
+ mancuc
5426
+ manduc
5427
+ manduc1
5428
+ manfan1
5429
+ manfan2
5430
+ manfin1
5431
+ manger1
5432
+ manhao1
5433
+ manhaw2
5434
+ manher1
5435
+ manhon1
5436
+ manhum1
5437
+ mankin1
5438
+ mankin2
5439
+ mankin3
5440
+ manmon1
5441
+ manowl1
5442
+ manowl2
5443
+ manpit1
5444
+ manrai1
5445
+ manrew1
5446
+ manrew2
5447
+ manrob1
5448
+ manshe
5449
+ mansun1
5450
+ manswa1
5451
+ mantho1
5452
+ manvir1
5453
+ manwaa1
5454
+ manwhi1
5455
+ mao1
5456
+ mapant1
5457
+ mapfly1
5458
+ mapfly2
5459
+ mapher1
5460
+ maphor1
5461
+ mapkin1
5462
+ mapphe1
5463
+ mappyt1
5464
+ maqcan1
5465
+ marbab1
5466
+ marbab2
5467
+ marcre1
5468
+ marcro1
5469
+ mareag1
5470
+ marfly1
5471
+ marfro1
5472
+ margod
5473
+ margra1
5474
+ margrd1
5475
+ margua1
5476
+ marhon1
5477
+ marimp1
5478
+ markin2
5479
+ marmon2
5480
+ marmur
5481
+ marori1
5482
+ marori2
5483
+ marowl1
5484
+ marowl2
5485
+ marpig1
5486
+ marrew2
5487
+ marsan
5488
+ marsee1
5489
+ marspa1
5490
+ marspi2
5491
+ marspi3
5492
+ marsto1
5493
+ marsun2
5494
+ marswi
5495
+ marswi2
5496
+ martap1
5497
+ martch2
5498
+ martea1
5499
+ marthr2
5500
+ martit2
5501
+ marwar1
5502
+ marwar2
5503
+ marwar3
5504
+ marwar4
5505
+ marwhe1
5506
+ marwid1
5507
+ marwoo1
5508
+ marwre
5509
+ masant1
5510
+ masapa1
5511
+ masboo
5512
+ mascan1
5513
+ mascoo1
5514
+ masduc
5515
+ maseag1
5516
+ masfin1
5517
+ masfin3
5518
+ masflo1
5519
+ masfru1
5520
+ masgna1
5521
+ mashum1
5522
+ maslap1
5523
+ maslar1
5524
+ maslau1
5525
+ masmar1
5526
+ masowl1
5527
+ masowl2
5528
+ maspar1
5529
+ maspar2
5530
+ maspet
5531
+ maspet1
5532
+ maspet2
5533
+ maspet3
5534
+ masray1
5535
+ massal1
5536
+ masshr1
5537
+ masswi1
5538
+ mastan1
5539
+ mastit1
5540
+ mastro1
5541
+ maswar1
5542
+ maswhe2
5543
+ maswhe3
5544
+ maswoo1
5545
+ masyel1
5546
+ masyel3
5547
+ masyel4
5548
+ masyel5
5549
+ matdov1
5550
+ matfan1
5551
+ matfly1
5552
+ matfly2
5553
+ matpar1
5554
+ matpar2
5555
+ mattap1
5556
+ matwoo1
5557
+ mauala
5558
+ maubul1
5559
+ maucus1
5560
+ mauduc1
5561
+ maufod1
5562
+ maukes1
5563
+ maumon1
5564
+ maunih1
5565
+ maupar
5566
+ maupar1
5567
+ mausco1
5568
+ maushe1
5569
+ mauwhe1
5570
+ mawbab1
5571
+ maweye2
5572
+ mawqua1
5573
+ mawthr1
5574
+ mawthr2
5575
+ mawtyr1
5576
+ maydro1
5577
+ mayhon1
5578
+ mayrai1
5579
+ maysco1
5580
+ maysun2
5581
+ mayswi1
5582
+ maywhe1
5583
+ mbopar2
5584
+ mccfin1
5585
+ mccfly1
5586
+ mccfly3
5587
+ mcclon
5588
+ mccspi1
5589
+ mcfdov1
5590
+ mcgcus1
5591
+ mcgdov1
5592
+ mckbun
5593
+ mcptit1
5594
+ mcrtyr1
5595
+ mdcsun2
5596
+ mdcsun3
5597
+ meabun1
5598
+ meapar
5599
+ meapar1
5600
+ meapip1
5601
+ medgul1
5602
+ meelor1
5603
+ meenig1
5604
+ megfin1
5605
+ megsta1
5606
+ megtan1
5607
+ mekwag1
5608
+ melbla1
5609
+ melcus1
5610
+ melcus3
5611
+ melduc1
5612
+ melfly1
5613
+ melkin1
5614
+ melscr1
5615
+ melthr
5616
+ melwar1
5617
+ melwoo1
5618
+ menwar1
5619
+ meppar1
5620
+ merflo1
5621
+ merlin
5622
+ mertap1
5623
+ merwre1
5624
+ mesowl1
5625
+ metfin1
5626
+ metpig1
5627
+ metsta1
5628
+ metsta3
5629
+ mewgul
5630
+ mewsun2
5631
+ mexchi
5632
+ mexduc
5633
+ mexher1
5634
+ mexjay3
5635
+ mexjay4
5636
+ mexpar1
5637
+ mexshe1
5638
+ mexwoo1
5639
+ meyfri1
5640
+ meygos1
5641
+ meypar1
5642
+ mfbtyr1
5643
+ mibhea2
5644
+ mickin1
5645
+ mickin4
5646
+ mickin5
5647
+ micmyz1
5648
+ micscr1
5649
+ micsta1
5650
+ midflo1
5651
+ migtyr1
5652
+ migwar
5653
+ miipig1
5654
+ miipig2
5655
+ mikphe1
5656
+ miller
5657
+ milmac
5658
+ milrai1
5659
+ milsto1
5660
+ miltap1
5661
+ mimhon1
5662
+ minblh1
5663
+ minboo1
5664
+ minboo2
5665
+ minbul1
5666
+ mineao1
5667
+ minher1
5668
+ minhor1
5669
+ minhor2
5670
+ minjuf1
5671
+ minlor1
5672
+ minmib1
5673
+ minowl1
5674
+ minrat1
5675
+ minwhe1
5676
+ miobar1
5677
+ miosun1
5678
+ miosun2
5679
+ miotit2
5680
+ miowrw1
5681
+ miowrw3
5682
+ mirtai1
5683
+ mirthr1
5684
+ miskit
5685
+ misowl1
5686
+ misowl2
5687
+ misrob1
5688
+ misthr1
5689
+ mistle1
5690
+ mistyr1
5691
+ miswoo1
5692
+ miswrb1
5693
+ mitbab1
5694
+ mitpar
5695
+ mleowl1
5696
+ moasun1
5697
+ mobela1
5698
+ mobfin1
5699
+ mobpar1
5700
+ mobsun1
5701
+ mobtan1
5702
+ mocant1
5703
+ moccha1
5704
+ mocsun2
5705
+ moctap1
5706
+ mocthi1
5707
+ moctyr1
5708
+ moctyr2
5709
+ moctyr6
5710
+ mofgle1
5711
+ mofsco1
5712
+ mogjay1
5713
+ mogwar1
5714
+ mohbrw1
5715
+ mohbul1
5716
+ mohcuc1
5717
+ mohpar1
5718
+ mohsco1
5719
+ moipig1
5720
+ mokpar1
5721
+ molcuc1
5722
+ molcus1
5723
+ molfly1
5724
+ molgos1
5725
+ molhao2
5726
+ molhao3
5727
+ molown1
5728
+ molpit1
5729
+ molscr1
5730
+ molsta1
5731
+ molswi1
5732
+ molswi3
5733
+ molswi4
5734
+ molwoo1
5735
+ momwar1
5736
+ momwoo1
5737
+ monacc1
5738
+ monbus1
5739
+ monfin2
5740
+ monhar1
5741
+ monhor1
5742
+ monlar1
5743
+ monlar2
5744
+ monori1
5745
+ monoro1
5746
+ monpar
5747
+ monpar2
5748
+ monqua
5749
+ monstp1
5750
+ monswi2
5751
+ monwoo1
5752
+ monyef1
5753
+ moocha1
5754
+ moofra2
5755
+ moonig1
5756
+ moorew1
5757
+ moosan1
5758
+ mopphe1
5759
+ morcha1
5760
+ mornin1
5761
+ morsun2
5762
+ mosbou1
5763
+ mosbou4
5764
+ moseag1
5765
+ mosfin1
5766
+ mosowl1
5767
+ mosowl2
5768
+ mosswa2
5769
+ motduc
5770
+ motflo1
5771
+ motmun1
5772
+ motowl
5773
+ motpar1
5774
+ motpet
5775
+ motpic1
5776
+ motspi1
5777
+ motswi2
5778
+ motwhi1
5779
+ mouant
5780
+ mouant1
5781
+ mouavo1
5782
+ moubab1
5783
+ moubar1
5784
+ moubar2
5785
+ mouble1
5786
+ moublu
5787
+ moubru2
5788
+ moubul2
5789
+ moubuz2
5790
+ moubuz3
5791
+ moucac1
5792
+ moucac2
5793
+ moucar1
5794
+ mouchi
5795
+ mouchi2
5796
+ moudov
5797
+ mouela1
5798
+ moufir1
5799
+ mouflo1
5800
+ mouful1
5801
+ mouger1
5802
+ mougra1
5803
+ mouhae1
5804
+ mouhae2
5805
+ mouill1
5806
+ moukin1
5807
+ moukin2
5808
+ moulau1
5809
+ moumel1
5810
+ moumyz1
5811
+ moupar2
5812
+ moupel1
5813
+ moupip1
5814
+ mouplo
5815
+ moupuf1
5816
+ mouqua
5817
+ moured1
5818
+ mourob1
5819
+ mousaw1
5820
+ mouser1
5821
+ mousta1
5822
+ mousun1
5823
+ mouswi2
5824
+ moutai2
5825
+ moutho1
5826
+ moutin1
5827
+ moutre1
5828
+ moutro1
5829
+ moutur1
5830
+ mouvel1
5831
+ mouwag1
5832
+ mouwar
5833
+ mouwar1
5834
+ mouwar2
5835
+ mouwar4
5836
+ mouwhe1
5837
+ mouwhe2
5838
+ mouwhe4
5839
+ mouwhe5
5840
+ mouwoo1
5841
+ mouwre1
5842
+ mouwre2
5843
+ mowbab1
5844
+ mowowl1
5845
+ moywar1
5846
+ mrmwar1
5847
+ mrmwar3
5848
+ mtkbus1
5849
+ mugfly
5850
+ mulpar1
5851
+ multan1
5852
+ munwow1
5853
+ murpet
5854
+ musduc
5855
+ musduc1
5856
+ muslor1
5857
+ muswre2
5858
+ mutswa
5859
+ myssta1
5860
+ nabant1
5861
+ nabtod1
5862
+ nabwoo1
5863
+ nacnig1
5864
+ nafbar1
5865
+ nafspi1
5866
+ nahfra2
5867
+ namdov1
5868
+ nampri1
5869
+ namsan1
5870
+ namscb1
5871
+ napsab1
5872
+ narfly
5873
+ narfly1
5874
+ narhor1
5875
+ nartap2
5876
+ nartro1
5877
+ narwar1
5878
+ naswar
5879
+ nateme2
5880
+ natfra2
5881
+ natsla1
5882
+ natsta1
5883
+ navwre1
5884
+ nazboo1
5885
+ nbtwea1
5886
+ ncbeat1
5887
+ ncipig1
5888
+ nconig1
5889
+ ndcsun2
5890
+ nebbro1
5891
+ nebfri1
5892
+ nebgos1
5893
+ nebhao1
5894
+ nebhea1
5895
+ nebher1
5896
+ nebkin1
5897
+ nebmao1
5898
+ nebmet1
5899
+ nebrai1
5900
+ nebspa1
5901
+ nebtap1
5902
+ nebthr1
5903
+ neccro1
5904
+ neccus1
5905
+ necfri1
5906
+ necgos1
5907
+ necgra1
5908
+ neclor1
5909
+ necmyz1
5910
+ necnig1
5911
+ necnig2
5912
+ necpar1
5913
+ necrai1
5914
+ necspi1
5915
+ necwhi2
5916
+ necwhi3
5917
+ neesun2
5918
+ nefdov1
5919
+ negbab1
5920
+ negbro1
5921
+ negcus1
5922
+ negeag1
5923
+ negjuf1
5924
+ negsco1
5925
+ negscr1
5926
+ nehhon1
5927
+ nehhon2
5928
+ neifri1
5929
+ neimun1
5930
+ neimyz1
5931
+ neipit1
5932
+ nelwea1
5933
+ neocor
5934
+ nepful1
5935
+ nephom1
5936
+ nesbab1
5937
+ neusta1
5938
+ neuwar1
5939
+ newfis1
5940
+ newpar2
5941
+ newsun2
5942
+ nezbel1
5943
+ nezbit1
5944
+ nezfal1
5945
+ nezfan1
5946
+ nezgre1
5947
+ nezkak1
5948
+ nezpig2
5949
+ nezpig3
5950
+ nezqua1
5951
+ nezrob2
5952
+ nezrob3
5953
+ nezsca1
5954
+ nezstp1
5955
+ ngfrai1
5956
+ ngweye1
5957
+ niakin1
5958
+ niamyn1
5959
+ nibkiw1
5960
+ nicbul2
5961
+ nicgra1
5962
+ nicjuf1
5963
+ nicpar1
5964
+ nicpig1
5965
+ nicsco1
5966
+ nicscr1
5967
+ nicsee1
5968
+ nicspa1
5969
+ nicwre1
5970
+ nigfin1
5971
+ nigfin3
5972
+ nigpar2
5973
+ nigrew1
5974
+ nigwre1
5975
+ nihfin
5976
+ nilfly2
5977
+ nilpip1
5978
+ nimfly1
5979
+ ninpar1
5980
+ nisfin1
5981
+ niuscr1
5982
+ nivsun2
5983
+ niwpig1
5984
+ nkurai1
5985
+ noacha1
5986
+ nobfly1
5987
+ nobsni1
5988
+ nobtyr
5989
+ nobwoo1
5990
+ noccur1
5991
+ noghor1
5992
+ nohcuc1
5993
+ nohowl
5994
+ noifri1
5995
+ noiger1
5996
+ noikak1
5997
+ noimin1
5998
+ noipar1
5999
+ noipio1
6000
+ noipit1
6001
+ noisni1
6002
+ nomwea1
6003
+ nonbab1
6004
+ nopowl
6005
+ nopwhy1
6006
+ norben1
6007
+ norbob
6008
+ norboo1
6009
+ norbro1
6010
+ norcar
6011
+ norcas1
6012
+ norcat1
6013
+ norcro1
6014
+ norela1
6015
+ noremt1
6016
+ norfan1
6017
+ norfis1
6018
+ norfli
6019
+ norful
6020
+ norgan
6021
+ norgip1
6022
+ norgos
6023
+ norgrc1
6024
+ norgrd1
6025
+ norgre1
6026
+ norhar1
6027
+ norhar2
6028
+ norjac
6029
+ norlap
6030
+ norlog1
6031
+ normoc
6032
+ norpar
6033
+ norpib1
6034
+ norpin
6035
+ norpot1
6036
+ norpuf1
6037
+ norpyo1
6038
+ norpyo3
6039
+ norpyo4
6040
+ norros1
6041
+ norscr1
6042
+ norsho
6043
+ norshr1
6044
+ norshr4
6045
+ norsik1
6046
+ norsla1
6047
+ norsta1
6048
+ norvir1
6049
+ norwah1
6050
+ norwat
6051
+ norwhe
6052
+ nosbir1
6053
+ nosfly1
6054
+ nosrob1
6055
+ nrwswa
6056
+ nstspa
6057
+ nswowl
6058
+ nubbus1
6059
+ nubnig1
6060
+ nubwoo1
6061
+ nuhmon1
6062
+ nukupu1
6063
+ nukupu2
6064
+ nukupu3
6065
+ nulqut1
6066
+ nupkin1
6067
+ nutfly
6068
+ nuthat2
6069
+ nutman
6070
+ nutwoo
6071
+ nwfowl1
6072
+ nyaswi1
6073
+ oahala
6074
+ oahama
6075
+ oahoo
6076
+ oaktit
6077
+ oashum1
6078
+ oaxspa1
6079
+ obbfin1
6080
+ obblar1
6081
+ obfdov1
6082
+ obfgle2
6083
+ obfgle3
6084
+ obfpar1
6085
+ obgthr1
6086
+ obnthr1
6087
+ obqdov1
6088
+ obsber1
6089
+ obshon1
6090
+ ocbant1
6091
+ ocbcat1
6092
+ ocbdov1
6093
+ ocbfly1
6094
+ ocbfly2
6095
+ ocbhao1
6096
+ ocbpip1
6097
+ ocbtan1
6098
+ ocbthi1
6099
+ occpic1
6100
+ occspi1
6101
+ oceant1
6102
+ ocecra1
6103
+ ocefly1
6104
+ ocepic2
6105
+ ocepoo1
6106
+ ocequa1
6107
+ ocetap1
6108
+ ocethr1
6109
+ ocetur1
6110
+ ocewoo1
6111
+ ocewoo2
6112
+ ocfant1
6113
+ ocftap1
6114
+ ocftof1
6115
+ ochatt1
6116
+ ochbul2
6117
+ ochfly1
6118
+ ochpew1
6119
+ ochpic1
6120
+ ochwre1
6121
+ ocrant1
6122
+ ocrbun1
6123
+ ocsant1
6124
+ odedi1
6125
+ offdov1
6126
+ ofrcha1
6127
+ ofyfin1
6128
+ ogemon1
6129
+ oilbir1
6130
+ okbkiw1
6131
+ okirai1
6132
+ okiwoo1
6133
+ olbeup1
6134
+ olbflo1
6135
+ olbori1
6136
+ olbpip
6137
+ olbsun3
6138
+ olbsun4
6139
+ olbtai1
6140
+ olbtan1
6141
+ olbwoo1
6142
+ olbwoo2
6143
+ olccre1
6144
+ olcflo1
6145
+ olcflo2
6146
+ olcfly1
6147
+ olcwar1
6148
+ olcyel1
6149
+ olehem1
6150
+ olfwhi1
6151
+ olgcam1
6152
+ olgtan1
6153
+ olgtyr1
6154
+ olhlor1
6155
+ olhwea1
6156
+ olibul1
6157
+ olibus1
6158
+ oliela1
6159
+ olifin1
6160
+ olifla1
6161
+ olifly1
6162
+ olifly2
6163
+ olifly3
6164
+ oligre1
6165
+ olihon1
6166
+ oliibi2
6167
+ oliibi3
6168
+ oliman2
6169
+ olioro1
6170
+ olipic1
6171
+ olipih2
6172
+ olisis1
6173
+ olispa
6174
+ olispi1
6175
+ olistr1
6176
+ olitan1
6177
+ olitho1
6178
+ olithr2
6179
+ oliwar
6180
+ oliwhi1
6181
+ oliwoo1
6182
+ oliwoo2
6183
+ olomao
6184
+ olrcin1
6185
+ olrgul1
6186
+ olrser1
6187
+ olsfly
6188
+ olsfly1
6189
+ olshon1
6190
+ olshum1
6191
+ olspar1
6192
+ oltcuc1
6193
+ oltpar1
6194
+ oltthr1
6195
+ oltwar1
6196
+ olwbul1
6197
+ olyrob1
6198
+ omao
6199
+ omaowl1
6200
+ oncbec1
6201
+ ongtyr1
6202
+ opcman1
6203
+ opctan1
6204
+ oprtan1
6205
+ orabis1
6206
+ orabul1
6207
+ oracha1
6208
+ oradov1
6209
+ orange1
6210
+ oraori1
6211
+ orawea1
6212
+ orbant1
6213
+ orbbab1
6214
+ orbbun1
6215
+ orbeup1
6216
+ orbfal1
6217
+ orbflo1
6218
+ orbfly1
6219
+ orbfru1
6220
+ orbhem1
6221
+ orblau1
6222
+ orblea1
6223
+ orblor1
6224
+ orbman1
6225
+ orbmyz1
6226
+ orbowl1
6227
+ orbpar1
6228
+ orbpig1
6229
+ orbroc1
6230
+ orbspa1
6231
+ orbsun2
6232
+ orbtho1
6233
+ orbthr1
6234
+ orbtro2
6235
+ orbtro3
6236
+ orbwoo1
6237
+ orceup1
6238
+ orcfai1
6239
+ orcfly1
6240
+ orchon1
6241
+ orcman1
6242
+ orcman3
6243
+ orcori
6244
+ orcori1
6245
+ orcori3
6246
+ orcpar
6247
+ orcpar2
6248
+ orcwar
6249
+ orcwax
6250
+ orefly1
6251
+ oretan1
6252
+ oretho1
6253
+ orfbar1
6254
+ orfdov1
6255
+ orfpar
6256
+ orfplu2
6257
+ orfscr1
6258
+ orgthr1
6259
+ orheag1
6260
+ orhtan1
6261
+ orhthr1
6262
+ oribla1
6263
+ oricuc2
6264
+ oricus1
6265
+ orifin1
6266
+ origoo1
6267
+ origre
6268
+ orihob1
6269
+ orihob2
6270
+ orimag1
6271
+ oripic1
6272
+ oripip1
6273
+ oriplo1
6274
+ oripra
6275
+ orisal1
6276
+ orisky1
6277
+ orisof1
6278
+ oristo1
6279
+ oriwar1
6280
+ oriwar2
6281
+ oriwhi1
6282
+ ornant1
6283
+ ornfly1
6284
+ ornlor1
6285
+ ornmel1
6286
+ ornpar1
6287
+ orntin1
6288
+ orphor1
6289
+ orrfra2
6290
+ orrwar1
6291
+ orsbul1
6292
+ orsbul2
6293
+ orsowl
6294
+ ortbun1
6295
+ ortdov
6296
+ ortlon1
6297
+ ortspi1
6298
+ ortsun1
6299
+ ortsun3
6300
+ orttan1
6301
+ orwpar
6302
+ orwpyt1
6303
+ osprey
6304
+ osprey4
6305
+ ostric2
6306
+ ostric3
6307
+ ou
6308
+ oussun2
6309
+ oustyr1
6310
+ ovaspa2
6311
+ ovenbi1
6312
+ pabant1
6313
+ pabcra
6314
+ pabduc1
6315
+ pabfir1
6316
+ pabflo1
6317
+ pabfly1
6318
+ pabfly2
6319
+ pabher1
6320
+ pabhor1
6321
+ pabhor2
6322
+ pabill1
6323
+ pabmon1
6324
+ pabmou1
6325
+ pabmyn1
6326
+ pabpig1
6327
+ pabqua1
6328
+ pabscr1
6329
+ pabsee1
6330
+ pabsic1
6331
+ pabspa1
6332
+ pabspi1
6333
+ pabthr1
6334
+ pabtin1
6335
+ pabtre1
6336
+ pabwar1
6337
+ pabwoo1
6338
+ pacant
6339
+ pacbaz1
6340
+ pacblf1
6341
+ paccis1
6342
+ pacela1
6343
+ pacfla1
6344
+ pacgos1
6345
+ pacgul1
6346
+ pacher1
6347
+ packin1
6348
+ pacloo
6349
+ pacpar1
6350
+ pacpar2
6351
+ pacpig1
6352
+ pacreh1
6353
+ pacrob1
6354
+ pacrob2
6355
+ pacswa1
6356
+ pacswa3
6357
+ pacwoo1
6358
+ pacwre1
6359
+ padwar1
6360
+ paebla2
6361
+ paefly1
6362
+ paethr1
6363
+ pafant1
6364
+ pafdov1
6365
+ pafeag1
6366
+ pafear1
6367
+ pafneg1
6368
+ pafswa1
6369
+ pagcus1
6370
+ pagdov1
6371
+ pagplo
6372
+ pagrew1
6373
+ pagwar1
6374
+ pahjac1
6375
+ pahmun1
6376
+ pahros1
6377
+ pahwoo1
6378
+ paibun
6379
+ paibut
6380
+ paifir1
6381
+ paifra1
6382
+ paihon1
6383
+ paiman1
6384
+ paipar1
6385
+ paipar6
6386
+ paipig1
6387
+ paired
6388
+ paisan1
6389
+ paispu1
6390
+ paisto1
6391
+ pakpar1
6392
+ palbab1
6393
+ palbat1
6394
+ palbun
6395
+ palcoc1
6396
+ palcor1
6397
+ palcro2
6398
+ palcuc1
6399
+ paldov1
6400
+ palfan1
6401
+ palflo1
6402
+ palfly1
6403
+ palfly2
6404
+ palfly3
6405
+ palfro1
6406
+ palhar1
6407
+ palhon1
6408
+ palhor1
6409
+ palhor2
6410
+ palhor4
6411
+ palhor5
6412
+ palila
6413
+ pallor1
6414
+ palmch1
6415
+ palnig1
6416
+ palowl2
6417
+ palpep1
6418
+ palpri1
6419
+ palroc1
6420
+ palros2
6421
+ palros3
6422
+ palsan1
6423
+ palspi1
6424
+ palspi2
6425
+ palsun2
6426
+ palswi1
6427
+ palswi2
6428
+ palswi3
6429
+ paltan1
6430
+ palthr1
6431
+ paltit2
6432
+ paltyr2
6433
+ paltyr3
6434
+ paltyr4
6435
+ paltyr5
6436
+ palwar
6437
+ palwar1
6438
+ palwar5
6439
+ pammea1
6440
+ pampig1
6441
+ pampig2
6442
+ panfly1
6443
+ panlon1
6444
+ panvul1
6445
+ paogre1
6446
+ papcan1
6447
+ papcus1
6448
+ papdro1
6449
+ papfly1
6450
+ papfro1
6451
+ papgon1
6452
+ paphao1
6453
+ paphap1
6454
+ paplor1
6455
+ papnee1
6456
+ papnig1
6457
+ pappar1
6458
+ pappit1
6459
+ papscr1
6460
+ papscr2
6461
+ papswi1
6462
+ paptho1
6463
+ paptre1
6464
+ papwhi1
6465
+ paqthr1
6466
+ parant1
6467
+ parant2
6468
+ parauk
6469
+ parcro1
6470
+ parcro2
6471
+ pardus2
6472
+ parfog1
6473
+ parhem1
6474
+ parjac1
6475
+ parjae
6476
+ parpar2
6477
+ parpet1
6478
+ parpig1
6479
+ parpip1
6480
+ parred1
6481
+ parrif1
6482
+ parsee1
6483
+ parshe1
6484
+ parspi1
6485
+ parswi1
6486
+ partan1
6487
+ partap1
6488
+ partap2
6489
+ parwar1
6490
+ parwea1
6491
+ pasbab1
6492
+ pasbab2
6493
+ pasfin1
6494
+ pasfly
6495
+ pasmar1
6496
+ pasowl2
6497
+ pasowl3
6498
+ pasowl4
6499
+ paspig
6500
+ patbar1
6501
+ patcan2
6502
+ patfly1
6503
+ patmoc1
6504
+ patpar1
6505
+ pattin1
6506
+ pattyr2
6507
+ pattyr3
6508
+ patwrb1
6509
+ pavcuc1
6510
+ pavpig2
6511
+ pavque1
6512
+ pavthr1
6513
+ pawind1
6514
+ pawsta1
6515
+ pawtru2
6516
+ payfin1
6517
+ payrob1
6518
+ paywar1
6519
+ pbbeat1
6520
+ pbgdov1
6521
+ pbipig1
6522
+ pbmtou1
6523
+ pbqdov1
6524
+ pbtman1
6525
+ pcttyr1
6526
+ peaant1
6527
+ peacoq1
6528
+ peadov1
6529
+ peakit1
6530
+ peapar1
6531
+ peatre1
6532
+ pebcon1
6533
+ pebcuc1
6534
+ pebfin1
6535
+ pebsee1
6536
+ pebswa1
6537
+ pecant1
6538
+ pecpip
6539
+ pecsan
6540
+ pecspa1
6541
+ pedlau1
6542
+ pedowl1
6543
+ pedpet1
6544
+ pedsno1
6545
+ pedtit1
6546
+ peethr1
6547
+ peflov
6548
+ pefowl1
6549
+ pefpar1
6550
+ pegpig1
6551
+ peipig1
6552
+ pelcor
6553
+ pemsun2
6554
+ pepcis1
6555
+ pepowl1
6556
+ peptyr1
6557
+ perant1
6558
+ perboo1
6559
+ perfal
6560
+ perfog1
6561
+ permar1
6562
+ permea1
6563
+ permet1
6564
+ pernut1
6565
+ perpel1
6566
+ perpie1
6567
+ perpig2
6568
+ perpla1
6569
+ perpyo1
6570
+ perrec1
6571
+ persco1
6572
+ perscr1
6573
+ pershe1
6574
+ pershe2
6575
+ pertap1
6576
+ perter2
6577
+ perthi1
6578
+ pertyr1
6579
+ perwaa1
6580
+ perwre1
6581
+ pesfin1
6582
+ pesowl1
6583
+ pesowl2
6584
+ pespar1
6585
+ petcus1
6586
+ petkne1
6587
+ pettwi1
6588
+ pettyr1
6589
+ peweye1
6590
+ pewnig1
6591
+ pfbwar1
6592
+ pfrpar1
6593
+ phaino
6594
+ phbfin1
6595
+ phbwar1
6596
+ phcdov1
6597
+ phecou2
6598
+ phecuc1
6599
+ pheowl1
6600
+ pheowl2
6601
+ phepig1
6602
+ phfdov1
6603
+ phgsta1
6604
+ phhcuc1
6605
+ phibul1
6606
+ phicoc1
6607
+ phicou1
6608
+ phidrc1
6609
+ phiduc1
6610
+ phifab1
6611
+ phifal1
6612
+ phifro1
6613
+ phihae1
6614
+ phihao1
6615
+ phihap1
6616
+ phikin1
6617
+ philea1
6618
+ phimar1
6619
+ phinee1
6620
+ phinig1
6621
+ phiori1
6622
+ phipar1
6623
+ phipif1
6624
+ phipig1
6625
+ phiswi1
6626
+ phitai1
6627
+ phitro1
6628
+ phivir
6629
+ phiwoo1
6630
+ phiwoo3
6631
+ phlwar1
6632
+ phopet1
6633
+ phseag1
6634
+ phsowl1
6635
+ phtjac1
6636
+ piapia1
6637
+ pibgre
6638
+ piblar1
6639
+ piblar3
6640
+ pibpar1
6641
+ pibpel1
6642
+ pibros2
6643
+ pibtan1
6644
+ picdov1
6645
+ picmun1
6646
+ picpig2
6647
+ pictyr1
6648
+ pieavo1
6649
+ piebar1
6650
+ piebus1
6651
+ piebut1
6652
+ piecor1
6653
+ piecou1
6654
+ piecro1
6655
+ piecuc1
6656
+ piecur1
6657
+ piecus1
6658
+ pieduc1
6659
+ piefal2
6660
+ piefan1
6661
+ piegos1
6662
+ piehar1
6663
+ pieher2
6664
+ piehon1
6665
+ piekin1
6666
+ pielap1
6667
+ piemon1
6668
+ pieoys1
6669
+ piepuf1
6670
+ piesti1
6671
+ piethr1
6672
+ pietri1
6673
+ piewhe1
6674
+ pifgoo
6675
+ pifpuf1
6676
+ pifshe
6677
+ pigdov1
6678
+ piggui
6679
+ pihduc1
6680
+ pihwar1
6681
+ piipig1
6682
+ piipig2
6683
+ piisha1
6684
+ pilfin1
6685
+ pilfly1
6686
+ pilgra1
6687
+ pilotb1
6688
+ pilwoo
6689
+ pinbit1
6690
+ pinbun
6691
+ pincoc1
6692
+ pinfly1
6693
+ pingro
6694
+ pinhae1
6695
+ pinjay
6696
+ pinpig2
6697
+ pinpig3
6698
+ pinrob1
6699
+ pinsis
6700
+ pinspi1
6701
+ pinwar
6702
+ pipcis2
6703
+ pipcro1
6704
+ piphor1
6705
+ pipipi1
6706
+ pipplo
6707
+ pirfly1
6708
+ pirros1
6709
+ pirwar1
6710
+ pirwar2
6711
+ pitbec1
6712
+ pitbri1
6713
+ pitman1
6714
+ pitpar1
6715
+ pitpig1
6716
+ pitsan1
6717
+ pitsni
6718
+ pittwi1
6719
+ pitwhy
6720
+ piwswa1
6721
+ piwtyr1
6722
+ plaant1
6723
+ plabuh1
6724
+ placha
6725
+ placuc1
6726
+ placuc3
6727
+ plaflo1
6728
+ plaflo2
6729
+ plager1
6730
+ plagre2
6731
+ plaher1
6732
+ plahon1
6733
+ plamar1
6734
+ planig1
6735
+ plapar1
6736
+ plapig
6737
+ plapri1
6738
+ plarai1
6739
+ plasla1
6740
+ plasof1
6741
+ plasun1
6742
+ plaswi1
6743
+ platap1
6744
+ platyr1
6745
+ platyr2
6746
+ plawan1
6747
+ plawoo1
6748
+ plawre1
6749
+ plawre3
6750
+ plaxen1
6751
+ plbant1
6752
+ plbeme1
6753
+ plbpic1
6754
+ plbpip1
6755
+ plbspa1
6756
+ plbsun1
6757
+ plbthr2
6758
+ plbwoo1
6759
+ plcela1
6760
+ plcgrt1
6761
+ plcjay1
6762
+ plcsee1
6763
+ plcspi1
6764
+ plcsta
6765
+ plctan1
6766
+ plctyr1
6767
+ plewar1
6768
+ plffal1
6769
+ plflor1
6770
+ plfrai1
6771
+ plgrol1
6772
+ plhfin1
6773
+ plhpar1
6774
+ pllwar1
6775
+ pllwar2
6776
+ plmfin1
6777
+ plover3
6778
+ plover4
6779
+ plphor1
6780
+ plsfin1
6781
+ plsvir
6782
+ pltant1
6783
+ pltcot1
6784
+ pltsun1
6785
+ pltsun3
6786
+ pltswi1
6787
+ pltwar1
6788
+ pltwre1
6789
+ pluant1
6790
+ pluant3
6791
+ plueup1
6792
+ plugui1
6793
+ pluhaw
6794
+ pluibi1
6795
+ plukit1
6796
+ plupig2
6797
+ plurai1
6798
+ plured1
6799
+ plusee1
6800
+ plushc1
6801
+ pluwar1
6802
+ plwant1
6803
+ plwant2
6804
+ plwduc1
6805
+ plweye1
6806
+ plwwoo1
6807
+ pmtspi1
6808
+ pnbfin1
6809
+ pogdov1
6810
+ pogpig1
6811
+ pohfan1
6812
+ pohfly1
6813
+ pohlor1
6814
+ pohsta1
6815
+ pohwhe1
6816
+ poipig1
6817
+ polpar1
6818
+ polsta1
6819
+ polswi1
6820
+ poltri1
6821
+ polvan1
6822
+ pomcot1
6823
+ pomgrp1
6824
+ pomgrp2
6825
+ pomgrp3
6826
+ pomgrp4
6827
+ pomgrp5
6828
+ pomjae
6829
+ poouli
6830
+ pospet1
6831
+ potpal1
6832
+ powowl1
6833
+ powwoo1
6834
+ prafal
6835
+ prawar
6836
+ prbbar1
6837
+ pregrs1
6838
+ pregrs2
6839
+ preswa2
6840
+ prewea1
6841
+ prgsta1
6842
+ prgwea1
6843
+ prhlau1
6844
+ pribat1
6845
+ prigre1
6846
+ pripuf1
6847
+ prisee1
6848
+ prispe1
6849
+ prisun2
6850
+ prisun3
6851
+ prithr1
6852
+ procan1
6853
+ prowar
6854
+ prrtur1
6855
+ prsast1
6856
+ prsowl
6857
+ prznut1
6858
+ przpar1
6859
+ przros1
6860
+ psfdov1
6861
+ ptipig1
6862
+ ptmgem
6863
+ ptpfin1
6864
+ ptwfin1
6865
+ puaioh
6866
+ pubbul1
6867
+ pubcot1
6868
+ pubhon1
6869
+ pubjay1
6870
+ publor1
6871
+ pubsun1
6872
+ pubsun3
6873
+ pubsun4
6874
+ pubtho1
6875
+ pubwhi1
6876
+ pucfai1
6877
+ pucfai2
6878
+ pucfrd1
6879
+ puchum1
6880
+ puclor1
6881
+ puctur2
6882
+ pucwoo1
6883
+ pughon1
6884
+ pugsta1
6885
+ pugtyr1
6886
+ pullon1
6887
+ pumstp1
6888
+ pumtan2
6889
+ puncan1
6890
+ punibi1
6891
+ punlor1
6892
+ punmin1
6893
+ punplo1
6894
+ punsni1
6895
+ punsun1
6896
+ puntap1
6897
+ puntea1
6898
+ punthi1
6899
+ puntin1
6900
+ purbul1
6901
+ purcoc1
6902
+ pureme1
6903
+ purfin
6904
+ purfly1
6905
+ purgal2
6906
+ purgre2
6907
+ purher1
6908
+ purhon1
6909
+ purind1
6910
+ purjac1
6911
+ purjac2
6912
+ purjay1
6913
+ purlic1
6914
+ purmar
6915
+ purnee1
6916
+ purnig1
6917
+ purpar1
6918
+ purpar2
6919
+ purrol1
6920
+ pursan
6921
+ purspi
6922
+ pursun3
6923
+ pursun4
6924
+ purswa1
6925
+ purswa2
6926
+ purswa3
6927
+ purswa4
6928
+ purswa5
6929
+ purswa6
6930
+ purtan1
6931
+ purtod1
6932
+ purvir1
6933
+ purwoo1
6934
+ putbab1
6935
+ putbul1
6936
+ putcar1
6937
+ putcot1
6938
+ putcus1
6939
+ puteup1
6940
+ putfru1
6941
+ putsun1
6942
+ putsun3
6943
+ putwoo1
6944
+ puvill1
6945
+ puwrol1
6946
+ puyfin1
6947
+ pvttyr1
6948
+ pwgdov1
6949
+ pybfly1
6950
+ pycpet1
6951
+ pygant1
6952
+ pygbab1
6953
+ pygbat1
6954
+ pygcor2
6955
+ pygcus1
6956
+ pygfal1
6957
+ pygflo1
6958
+ pyghap1
6959
+ pyghon1
6960
+ pyglor1
6961
+ pygnig1
6962
+ pygnut
6963
+ pygsun2
6964
+ pygswi1
6965
+ pygswi2
6966
+ pygtit1
6967
+ pygwoo1
6968
+ pyrrhu
6969
+ pywbab1
6970
+ pyweye1
6971
+ quailp1
6972
+ quaind1
6973
+ quctin1
6974
+ rabcur2
6975
+ rabeat1
6976
+ rabgro1
6977
+ rablor1
6978
+ rabtho1
6979
+ rabthr1
6980
+ racmal1
6981
+ radacc1
6982
+ radshe1
6983
+ radwar1
6984
+ rafdov1
6985
+ rafmal1
6986
+ ragmac1
6987
+ railor1
6988
+ railor2
6989
+ railor3
6990
+ railor5
6991
+ railor6
6992
+ railor7
6993
+ railor8
6994
+ raipar1
6995
+ raipit1
6996
+ raiqua1
6997
+ raista1
6998
+ rampig1
6999
+ ranwar1
7000
+ rarmon1
7001
+ rarsta1
7002
+ rasowl1
7003
+ ratcis1
7004
+ ratcoq2
7005
+ ratrol2
7006
+ rattre1
7007
+ rattre2
7008
+ rawant1
7009
+ rawcra1
7010
+ rawspi2
7011
+ rawwre1
7012
+ raybar1
7013
+ rayfin1
7014
+ raytan1
7015
+ razorb
7016
+ razsky1
7017
+ rbbeat1
7018
+ rbbfin1
7019
+ rbbmag
7020
+ rbbrob1
7021
+ rbbtyr1
7022
+ rbbwea1
7023
+ rbctyr1
7024
+ rbdhor1
7025
+ rbfdov1
7026
+ rbgcuc1
7027
+ rbifin1
7028
+ rbopar1
7029
+ rbopar2
7030
+ rbpkin1
7031
+ rbppar1
7032
+ rbptan1
7033
+ rbsbab1
7034
+ rbsfin1
7035
+ rbsrob1
7036
+ rbwbab1
7037
+ rbwfin1
7038
+ rbwfin2
7039
+ rbwqua1
7040
+ rcatan1
7041
+ rcbfin1
7042
+ rcfdov1
7043
+ rcgspa1
7044
+ rcmbab1
7045
+ rcnthr1
7046
+ rcqdov1
7047
+ rcrcha1
7048
+ rcsbab1
7049
+ rctspi1
7050
+ rcttyr1
7051
+ rcweye1
7052
+ rdjant1
7053
+ rdjant2
7054
+ rebbla1
7055
+ rebbrt1
7056
+ rebbus1
7057
+ rebbut2
7058
+ rebcha1
7059
+ rebcho1
7060
+ rebcou1
7061
+ rebcur1
7062
+ rebdot1
7063
+ rebduc1
7064
+ rebeme1
7065
+ rebfai1
7066
+ rebfin1
7067
+ rebfir1
7068
+ rebfir2
7069
+ rebflo1
7070
+ rebfly
7071
+ rebfra1
7072
+ rebfru1
7073
+ rebgoo1
7074
+ rebgra1
7075
+ rebhaw2
7076
+ rebhor1
7077
+ rebkin2
7078
+ reblei
7079
+ rebmac2
7080
+ rebmal1
7081
+ rebmal2
7082
+ rebmer
7083
+ rebmou1
7084
+ rebmyz1
7085
+ rebnut
7086
+ reboxp1
7087
+ rebpar1
7088
+ rebpar2
7089
+ rebpar3
7090
+ rebpar4
7091
+ rebpar5
7092
+ rebpar6
7093
+ rebpar7
7094
+ rebpig1
7095
+ rebpit1
7096
+ rebpyt1
7097
+ rebque1
7098
+ rebsap
7099
+ rebscy1
7100
+ rebshr1
7101
+ rebsta1
7102
+ rebtou2
7103
+ rebtre1
7104
+ rebtro
7105
+ rebtyr2
7106
+ rebwhe1
7107
+ rebwoo
7108
+ rebwoo1
7109
+ rebwoo4
7110
+ recbar1
7111
+ recbus1
7112
+ recbut1
7113
+ reccar
7114
+ reccar2
7115
+ reccar3
7116
+ reccar4
7117
+ reccor
7118
+ reccot1
7119
+ reccou1
7120
+ reccra1
7121
+ reccro1
7122
+ reccuc1
7123
+ recdov1
7124
+ recfin1
7125
+ recflo1
7126
+ recflo2
7127
+ recflu1
7128
+ recgos1
7129
+ reclar1
7130
+ reclor1
7131
+ recmal1
7132
+ recmal2
7133
+ recman1
7134
+ recmyz1
7135
+ recowl1
7136
+ recpar
7137
+ recpar1
7138
+ recpar2
7139
+ recpar3
7140
+ recplo1
7141
+ recpoc
7142
+ recrob1
7143
+ recsun2
7144
+ recswa1
7145
+ rectur1
7146
+ recwid1
7147
+ recwoo
7148
+ recwoo1
7149
+ recwoo2
7150
+ redava
7151
+ redbis
7152
+ redcro
7153
+ redcro9
7154
+ redegr
7155
+ redfod1
7156
+ redgos1
7157
+ redhea
7158
+ redher1
7159
+ redjun
7160
+ redkit1
7161
+ redkno
7162
+ redlor1
7163
+ redmyz1
7164
+ redpha1
7165
+ redrai1
7166
+ redsho1
7167
+ redsis1
7168
+ redspu1
7169
+ redthr1
7170
+ redwar1
7171
+ redwat1
7172
+ redwin
7173
+ reebul1
7174
+ reebun
7175
+ reedov1
7176
+ reefir1
7177
+ reepar1
7178
+ reepar2
7179
+ reepar3
7180
+ reephe1
7181
+ reepuf1
7182
+ reevir
7183
+ refant1
7184
+ refbar1
7185
+ refbar2
7186
+ refblu
7187
+ refboo
7188
+ refcis1
7189
+ refcoo1
7190
+ refcor
7191
+ refcou1
7192
+ refcro1
7193
+ refdov1
7194
+ reffal1
7195
+ refgua1
7196
+ reflio2
7197
+ reflio3
7198
+ reflor1
7199
+ reflor2
7200
+ refmac1
7201
+ refmal1
7202
+ refmou1
7203
+ refpar1
7204
+ refpar2
7205
+ refpar3
7206
+ refpar4
7207
+ refpar5
7208
+ refpyt1
7209
+ refros1
7210
+ refspi1
7211
+ reftin1
7212
+ refwar
7213
+ refwar2
7214
+ regbow1
7215
+ regcoo1
7216
+ reghon1
7217
+ regpar1
7218
+ regsun2
7219
+ regwhi1
7220
+ rehbar1
7221
+ rehblu1
7222
+ rehbul1
7223
+ rehbun1
7224
+ rehcis2
7225
+ rehfin1
7226
+ rehfla1
7227
+ rehfod1
7228
+ rehfod3
7229
+ rehlov1
7230
+ rehmal1
7231
+ rehman1
7232
+ rehmyz1
7233
+ rehpar1
7234
+ rehque1
7235
+ rehtan1
7236
+ rehtan2
7237
+ rehtro1
7238
+ rehvul1
7239
+ rehwea1
7240
+ rehwoo
7241
+ reifir1
7242
+ reipar1
7243
+ reisee1
7244
+ reisee2
7245
+ reisun2
7246
+ reityr1
7247
+ reiwoo1
7248
+ rekcoo1
7249
+ rekdot1
7250
+ rekflo1
7251
+ relcor1
7252
+ relcra1
7253
+ relgul2
7254
+ relhon1
7255
+ relkit
7256
+ relpar
7257
+ relpar1
7258
+ relpar4
7259
+ relser1
7260
+ relthr1
7261
+ reltin1
7262
+ relwhi1
7263
+ rempar
7264
+ remros1
7265
+ renara1
7266
+ renavo1
7267
+ renbus1
7268
+ renbuz1
7269
+ rencra1
7270
+ renfal1
7271
+ renfan1
7272
+ renfra1
7273
+ rengre
7274
+ renibi1
7275
+ rennig1
7276
+ renpar1
7277
+ renpha
7278
+ rensap
7279
+ renshr1
7280
+ rensta1
7281
+ rensti
7282
+ rentan1
7283
+ rentro1
7284
+ renwhi1
7285
+ renwoo1
7286
+ repcis1
7287
+ rercac1
7288
+ rerfru1
7289
+ rerpar1
7290
+ rerswa1
7291
+ rerswa3
7292
+ rertin1
7293
+ rerwax1
7294
+ rerwhe1
7295
+ rerwoo1
7296
+ resbla1
7297
+ rescus1
7298
+ resflo1
7299
+ resfly1
7300
+ reshaw
7301
+ resmac2
7302
+ resowl1
7303
+ respar1
7304
+ respar2
7305
+ resque1
7306
+ resspi2
7307
+ resswa2
7308
+ restan1
7309
+ restyr1
7310
+ resvan1
7311
+ reswar1
7312
+ reswoo1
7313
+ retale1
7314
+ retbar1
7315
+ retcar2
7316
+ retcom1
7317
+ retgre1
7318
+ rethaw
7319
+ rethel1
7320
+ retlau1
7321
+ retloo
7322
+ retlor1
7323
+ retmin1
7324
+ retmyz1
7325
+ retnew1
7326
+ retpar1
7327
+ retpar3
7328
+ retpip
7329
+ retspa1
7330
+ retsun2
7331
+ retsun3
7332
+ retswa2
7333
+ retthr1
7334
+ rettit2
7335
+ rettro
7336
+ retvan1
7337
+ retwhe1
7338
+ retwhe2
7339
+ reubul1
7340
+ reucus1
7341
+ reuhar2
7342
+ reuhar3
7343
+ reukes1
7344
+ reunih1
7345
+ reurai1
7346
+ reusco1
7347
+ reushe1
7348
+ reusol1
7349
+ reusta1
7350
+ reusto1
7351
+ reuwhe1
7352
+ revbar1
7353
+ revbul
7354
+ revmal1
7355
+ rewbla
7356
+ rewbul
7357
+ reweye1
7358
+ rewfai1
7359
+ rewfra2
7360
+ rewlap1
7361
+ rewlar1
7362
+ rewlau1
7363
+ rewpar1
7364
+ rewpri1
7365
+ rewpyt1
7366
+ rewsta1
7367
+ rewtin1
7368
+ rfcwin1
7369
+ rfwqua1
7370
+ rfwwar1
7371
+ rhgrol1
7372
+ rhiauk
7373
+ rhihor1
7374
+ rhptyr1
7375
+ ribant1
7376
+ ribgul
7377
+ ricpip1
7378
+ ridhaw1
7379
+ ridrai1
7380
+ ridswi1
7381
+ riflem1
7382
+ rimrew1
7383
+ rinant2
7384
+ rindov
7385
+ rinduc
7386
+ rinfra2
7387
+ rinkin1
7388
+ rinouz1
7389
+ rinphe
7390
+ rinphe2
7391
+ rinsco1
7392
+ rintea1
7393
+ rinwoo1
7394
+ riospi1
7395
+ risant1
7396
+ rispet1
7397
+ ritast1
7398
+ ritdro1
7399
+ ritpig
7400
+ rivlap1
7401
+ rivpri1
7402
+ rivter1
7403
+ rivtyr1
7404
+ rivtyr2
7405
+ rivwar1
7406
+ rivwre1
7407
+ riwfin1
7408
+ rkipig1
7409
+ rmfdov1
7410
+ rnbfin1
7411
+ rnfdov1
7412
+ rnfgle1
7413
+ rngtyr1
7414
+ rnwrai1
7415
+ roahaw
7416
+ robacc1
7417
+ robbun1
7418
+ robcha1
7419
+ robeat1
7420
+ robgro
7421
+ robpoc1
7422
+ robpri1
7423
+ robqua1
7424
+ robwhe1
7425
+ robwoo1
7426
+ rocbun1
7427
+ rocear1
7428
+ rocfir1
7429
+ rocmar1
7430
+ rocmar2
7431
+ rocnut1
7432
+ rocpar1
7433
+ rocpar2
7434
+ rocpen1
7435
+ rocpen4
7436
+ rocpet1
7437
+ rocpig
7438
+ rocpih1
7439
+ rocpip1
7440
+ rocpra1
7441
+ rocpta1
7442
+ rocsan
7443
+ rocsun2
7444
+ roctap1
7445
+ rocwar1
7446
+ rocwre
7447
+ rodbrw1
7448
+ rodfod1
7449
+ rodnih1
7450
+ rodpar1
7451
+ rodrai1
7452
+ rodsco1
7453
+ rodsol2
7454
+ rodsta2
7455
+ rodtud1
7456
+ roeowl1
7457
+ rofpar2
7458
+ rofpar3
7459
+ rofsha1
7460
+ rohpar1
7461
+ rolcis1
7462
+ rolcis3
7463
+ rolhaw
7464
+ roltyr1
7465
+ roltyr2
7466
+ rolwar1
7467
+ romboo1
7468
+ ronbus1
7469
+ ronwaa1
7470
+ rook1
7471
+ ropbus1
7472
+ rorant1
7473
+ rorant2
7474
+ rorbar1
7475
+ rorfly1
7476
+ rornig1
7477
+ rorpar
7478
+ rosgoo
7479
+ rosgul
7480
+ rosmin1
7481
+ rospip1
7482
+ rosrob1
7483
+ rosspo1
7484
+ rossta2
7485
+ roster
7486
+ rostur1
7487
+ rotbec
7488
+ rotlon1
7489
+ rotman1
7490
+ rotmyz1
7491
+ rotmyz2
7492
+ rotswi1
7493
+ rottan1
7494
+ rottan2
7495
+ rotwhe1
7496
+ rourai1
7497
+ rovrai1
7498
+ royalb1
7499
+ royalb3
7500
+ roycin1
7501
+ royfly1
7502
+ royfly2
7503
+ royfly3
7504
+ royfly5
7505
+ roypar1
7506
+ roypen1
7507
+ royspo1
7508
+ roysun1
7509
+ royter1
7510
+ royter2
7511
+ rrbtyr1
7512
+ rrwfin1
7513
+ rsptyr1
7514
+ rswfin1
7515
+ rtatan1
7516
+ rtathr1
7517
+ rtbcoc1
7518
+ rtbcuc1
7519
+ rtbeat1
7520
+ rthhum
7521
+ rtlhum
7522
+ rtpgua1
7523
+ rtpthr1
7524
+ rtrthr1
7525
+ rtsrob1
7526
+ rtwbab1
7527
+ rtweye1
7528
+ ruacha1
7529
+ rubacc1
7530
+ rubaka1
7531
+ rubant1
7532
+ rubant2
7533
+ rubant3
7534
+ rubant4
7535
+ rubant5
7536
+ rubant7
7537
+ rubbun1
7538
+ rubcha1
7539
+ rubcon1
7540
+ rubcra1
7541
+ rubeag2
7542
+ rubeup1
7543
+ rubfan1
7544
+ rubfan2
7545
+ rubfan3
7546
+ rubfly1
7547
+ rubfly2
7548
+ rubfly3
7549
+ rubhel1
7550
+ rubhem1
7551
+ rubher
7552
+ rubher2
7553
+ rubhon1
7554
+ rubhon2
7555
+ rubkoo1
7556
+ rublea1
7557
+ rubmin1
7558
+ rubmon1
7559
+ rubnig1
7560
+ rubnil1
7561
+ rubnun1
7562
+ ruboro1
7563
+ rubowl2
7564
+ rubowl3
7565
+ rubpep1
7566
+ rubpic1
7567
+ rubred2
7568
+ rubrob
7569
+ rubsab1
7570
+ rubsal1
7571
+ rubsee1
7572
+ rubsee2
7573
+ rubsho1
7574
+ rubsib1
7575
+ rubsol1
7576
+ rubspi2
7577
+ rubspi3
7578
+ rubspi4
7579
+ rubspi5
7580
+ rubswa1
7581
+ rubtap1
7582
+ rubthr1
7583
+ rubthr2
7584
+ rubtit2
7585
+ rubtit3
7586
+ rubtre1
7587
+ rubtri1
7588
+ rubtyr1
7589
+ rubwar1
7590
+ rubwhi1
7591
+ rubwoo1
7592
+ rubwre1
7593
+ rubwre2
7594
+ rucant1
7595
+ rucant2
7596
+ rucant3
7597
+ rucbab1
7598
+ rucbab2
7599
+ rucbab3
7600
+ ruccoq1
7601
+ ruccra1
7602
+ rucdot1
7603
+ rucdov1
7604
+ rucela1
7605
+ rucemu1
7606
+ rucere1
7607
+ rucfly1
7608
+ rucfly3
7609
+ rucful1
7610
+ rucgre1
7611
+ ruchaw1
7612
+ ruchor1
7613
+ ruchum1
7614
+ ruckin
7615
+ ruckin1
7616
+ ruclau1
7617
+ ruclau2
7618
+ ruclau3
7619
+ rucmon1
7620
+ rucmot1
7621
+ rucmot2
7622
+ rucnig1
7623
+ rucnun1
7624
+ rucrob1
7625
+ rucrol2
7626
+ rucsee1
7627
+ rucspa
7628
+ rucspa1
7629
+ rucspa2
7630
+ rucspi1
7631
+ rucsun2
7632
+ rucswa2
7633
+ ructan1
7634
+ ructan2
7635
+ ructan3
7636
+ ructan4
7637
+ ructes1
7638
+ ructho1
7639
+ rucwar
7640
+ rucwar1
7641
+ rudapa1
7642
+ rudcra1
7643
+ rudduc
7644
+ rudkin1
7645
+ rudlar1
7646
+ rudpig
7647
+ rudshe
7648
+ rudspi1
7649
+ rudtof1
7650
+ rudtre1
7651
+ rudtur
7652
+ rudwoo1
7653
+ ruebus1
7654
+ ruecha1
7655
+ ruegls1
7656
+ ruegri1
7657
+ ruepar1
7658
+ ruewar1
7659
+ ruewar2
7660
+ ruewea1
7661
+ rufant1
7662
+ rufant12
7663
+ rufant2
7664
+ rufant3
7665
+ rufant4
7666
+ rufbab2
7667
+ rufbab3
7668
+ rufbar1
7669
+ rufbri1
7670
+ rufcac2
7671
+ rufcan1
7672
+ rufcas2
7673
+ rufcha2
7674
+ rufcis1
7675
+ rufcou1
7676
+ rufcra1
7677
+ rufcra2
7678
+ ruff
7679
+ ruffan1
7680
+ ruffie1
7681
+ ruffie3
7682
+ ruffly1
7683
+ rufgle1
7684
+ rufgna2
7685
+ rufgna3
7686
+ rufgro
7687
+ rufhor1
7688
+ rufhor2
7689
+ rufhum
7690
+ rufimp1
7691
+ rufjuf1
7692
+ ruflau1
7693
+ rufmon1
7694
+ rufmot1
7695
+ rufmou1
7696
+ rufnig1
7697
+ rufowl1
7698
+ rufowl2
7699
+ rufpar1
7700
+ rufpar2
7701
+ rufpic1
7702
+ rufpih1
7703
+ rufpot1
7704
+ rufpri1
7705
+ rufpri2
7706
+ rufroc1
7707
+ rufsab1
7708
+ rufsco1
7709
+ rufsht2
7710
+ rufsib1
7711
+ rufson1
7712
+ rufspi1
7713
+ ruftai1
7714
+ ruftho1
7715
+ ruftho3
7716
+ rufthr1
7717
+ ruftof1
7718
+ ruftre2
7719
+ ruftre3
7720
+ ruftre4
7721
+ ruftwi1
7722
+ rufvan1
7723
+ rufwar1
7724
+ rufwhe1
7725
+ rufwhi1
7726
+ rufwoo2
7727
+ rufwre1
7728
+ rugdov
7729
+ rugfly1
7730
+ ruhcha1
7731
+ ruhgoo1
7732
+ ruhpar2
7733
+ ruhpar3
7734
+ ruhrob1
7735
+ ruhspi1
7736
+ ruhtai2
7737
+ ruhtan1
7738
+ ruhwoo1
7739
+ rulkin1
7740
+ rulowl1
7741
+ rultyr1
7742
+ rumfly1
7743
+ rumfog1
7744
+ rumgua1
7745
+ rumsof1
7746
+ rumwar1
7747
+ runcou1
7748
+ rungre1
7749
+ runher1
7750
+ runhor1
7751
+ runlar1
7752
+ runlau1
7753
+ runpic1
7754
+ runpit1
7755
+ runpuf1
7756
+ runsno1
7757
+ runspa1
7758
+ runthr1
7759
+ runwhi1
7760
+ runwor1
7761
+ runwre1
7762
+ runwre3
7763
+ runwre4
7764
+ runwry1
7765
+ rupfly1
7766
+ ruqdov
7767
+ rurant1
7768
+ rurcha1
7769
+ rurfog1
7770
+ rurgra1
7771
+ rurlar1
7772
+ rursee1
7773
+ rusant1
7774
+ rusbir1
7775
+ rusbla
7776
+ rusbro1
7777
+ rusbun
7778
+ ruscra1
7779
+ rusflo1
7780
+ rusger1
7781
+ rushon1
7782
+ ruslar1
7783
+ ruslau1
7784
+ ruspit1
7785
+ russpa1
7786
+ russpa2
7787
+ rusthi1
7788
+ rustin1
7789
+ ruswhi1
7790
+ ruswoo1
7791
+ rutant1
7792
+ rutant2
7793
+ rutant3
7794
+ rutant4
7795
+ rutant5
7796
+ rutatt1
7797
+ rutbab1
7798
+ rutbuh1
7799
+ rutdip1
7800
+ rutfan1
7801
+ rutfla1
7802
+ rutfly1
7803
+ rutfly2
7804
+ rutfly5
7805
+ rutfly6
7806
+ rutfly7
7807
+ rutfog1
7808
+ rutful1
7809
+ ruthaw1
7810
+ ruther1
7811
+ ruthon1
7812
+ ruthum1
7813
+ rutjac1
7814
+ rutkit1
7815
+ rutlar2
7816
+ rutpar1
7817
+ rutpar2
7818
+ rutpla1
7819
+ rutpuf1
7820
+ rutpuf3
7821
+ rutrob1
7822
+ rutsap1
7823
+ rutsha2
7824
+ rutshr2
7825
+ rutsol1
7826
+ ruttai1
7827
+ ruttan1
7828
+ rutthr1
7829
+ ruttyr1
7830
+ rutwea1
7831
+ rutxen1
7832
+ ruvcha1
7833
+ ruvlau1
7834
+ ruvnil1
7835
+ ruvpri1
7836
+ ruvtap1
7837
+ ruvtit2
7838
+ ruvwar2
7839
+ ruvwhi1
7840
+ ruvyuh1
7841
+ ruwant2
7842
+ ruwant4
7843
+ ruwapa1
7844
+ ruwbar1
7845
+ ruwbat1
7846
+ ruwbri1
7847
+ ruwbuz1
7848
+ ruwful1
7849
+ ruwill1
7850
+ ruwphi2
7851
+ ruwspa
7852
+ ruwspa1
7853
+ ruwsta1
7854
+ ruwsun2
7855
+ ruwtan1
7856
+ ruwtur2
7857
+ ruwtyr1
7858
+ ruwwoo1
7859
+ rvgcuc1
7860
+ rvpfly1
7861
+ rwbeye1
7862
+ rwbtyr1
7863
+ rwgcuc1
7864
+ rwgwar2
7865
+ rwwrai1
7866
+ ryumin1
7867
+ ryupig1
7868
+ ryurob1
7869
+ ryusco1
7870
+ saaswi1
7871
+ sabgul
7872
+ sabher1
7873
+ sabhum1
7874
+ sabjay
7875
+ sablar2
7876
+ sabred1
7877
+ sabspa1
7878
+ sabspi1
7879
+ sabsto1
7880
+ sacbla2
7881
+ saccoc
7882
+ sacibi1
7883
+ sacibi3
7884
+ sackin1
7885
+ sacmel1
7886
+ sacmoo1
7887
+ sacnig1
7888
+ sacsta1
7889
+ sactan1
7890
+ sacthr2
7891
+ sacthr3
7892
+ sacwhe1
7893
+ saddle2
7894
+ saddle3
7895
+ sadfly1
7896
+ saffin
7897
+ safpar1
7898
+ safsis1
7899
+ safspa1
7900
+ saftou2
7901
+ saggro
7902
+ sagspa1
7903
+ sagthr
7904
+ sahpar1
7905
+ sahpar2
7906
+ sairew1
7907
+ sakfal1
7908
+ sakrai1
7909
+ sakwar1
7910
+ sakwea1
7911
+ salalb1
7912
+ salant1
7913
+ salcur1
7914
+ salere1
7915
+ salmon1
7916
+ salnig1
7917
+ salphe1
7918
+ salpri1
7919
+ salser1
7920
+ saltea1
7921
+ salwar1
7922
+ salwea1
7923
+ samant1
7924
+ samant2
7925
+ samblo1
7926
+ samfan1
7927
+ samfly1
7928
+ samfog1
7929
+ samhor1
7930
+ sammoo1
7931
+ samnig1
7932
+ sampar1
7933
+ samsab1
7934
+ samsco1
7935
+ samsta1
7936
+ samtap1
7937
+ samtri1
7938
+ samwar1
7939
+ samwhi1
7940
+ samwoo2
7941
+ samwre1
7942
+ sancra
7943
+ sander
7944
+ sangal1
7945
+ sanlar1
7946
+ sanpar1
7947
+ sanpar2
7948
+ sanpit1
7949
+ sansco1
7950
+ sansht1
7951
+ sansht2
7952
+ santer1
7953
+ santer2
7954
+ sanwhe1
7955
+ sanwhe2
7956
+ sapayo1
7957
+ sapfly1
7958
+ sapqud1
7959
+ sapqud2
7960
+ saptyr1
7961
+ sarcra1
7962
+ sarpar2
7963
+ sarwar1
7964
+ saseme1
7965
+ sasgre1
7966
+ sasowl1
7967
+ satant1
7968
+ satbow1
7969
+ satfly1
7970
+ satgro1
7971
+ sathum1
7972
+ satori1
7973
+ satpig1
7974
+ satpri1
7975
+ satspi1
7976
+ satsun1
7977
+ satswi1
7978
+ satthr1
7979
+ sattra1
7980
+ satwea1
7981
+ satwhe1
7982
+ satwhe2
7983
+ saugul2
7984
+ sauter2
7985
+ savbus1
7986
+ savhaw1
7987
+ savnig1
7988
+ savpuf1
7989
+ savspa
7990
+ savwar1
7991
+ saweye1
7992
+ saweye2
7993
+ sawtan1
7994
+ saxspa1
7995
+ saypho
7996
+ saytan1
7997
+ sbcdov1
7998
+ sbctyr1
7999
+ sbeowl1
8000
+ sbfdov1
8001
+ sbffal1
8002
+ sbgtyr1
8003
+ sbmtan1
8004
+ sbnthr1
8005
+ sbsbab1
8006
+ sbsbab2
8007
+ sbsbab3
8008
+ sbtman1
8009
+ sbtwea1
8010
+ sbwbab1
8011
+ sbweye1
8012
+ sbwrai1
8013
+ scaant1
8014
+ scaant2
8015
+ scaant3
8016
+ scabab2
8017
+ scacha1
8018
+ scadov1
8019
+ scafin1
8020
+ scaflo1
8021
+ scafra2
8022
+ scafru1
8023
+ scagrr1
8024
+ scaibi
8025
+ scakin1
8026
+ scalau1
8027
+ scamac1
8028
+ scamet1
8029
+ scamin1
8030
+ scamin3
8031
+ scamyz1
8032
+ scapic1
8033
+ scapig2
8034
+ scaqua
8035
+ scarob2
8036
+ scaspi1
8037
+ scasun1
8038
+ scaswi1
8039
+ scatan
8040
+ scathr2
8041
+ scathr4
8042
+ scathr5
8043
+ scathr6
8044
+ scathr8
8045
+ scawea1
8046
+ scawoo1
8047
+ scawoo2
8048
+ scbant2
8049
+ scbant3
8050
+ scbant8
8051
+ scbbar2
8052
+ scbbul1
8053
+ scbdac1
8054
+ scbeat1
8055
+ scbflo1
8056
+ scbflo2
8057
+ scbfru1
8058
+ scbhum1
8059
+ scbill1
8060
+ scblor1
8061
+ scbmyz1
8062
+ scbpar1
8063
+ scbtan1
8064
+ scbtan2
8065
+ scbthr
8066
+ scbwoo1
8067
+ scbwoo3
8068
+ scbwoo4
8069
+ scbwoo5
8070
+ scbwre1
8071
+ sccbab1
8072
+ sccbar1
8073
+ sccflo1
8074
+ sccpar1
8075
+ sccsun2
8076
+ scfdov1
8077
+ scfmal1
8078
+ scfpar1
8079
+ scfpar3
8080
+ scgcuc1
8081
+ scgdov1
8082
+ schant1
8083
+ schasi1
8084
+ schbar1
8085
+ schbit1
8086
+ schbla1
8087
+ schflo1
8088
+ schfra2
8089
+ schman1
8090
+ schpar1
8091
+ schpit1
8092
+ schtur1
8093
+ scihum1
8094
+ sclant1
8095
+ scllar1
8096
+ sclmon1
8097
+ scltyr1
8098
+ sclwar1
8099
+ sclwhi1
8100
+ scnmyz1
8101
+ scnpar1
8102
+ scnpig1
8103
+ scocro1
8104
+ scoori
8105
+ scoshe1
8106
+ scptyr1
8107
+ scrbla1
8108
+ scrcac2
8109
+ scrcac4
8110
+ scrcha1
8111
+ scrcow1
8112
+ screup1
8113
+ scrgre1
8114
+ scrhon1
8115
+ scrnig1
8116
+ scrpih1
8117
+ scrtan1
8118
+ scrtro1
8119
+ scrubt2
8120
+ scsmer1
8121
+ scspar1
8122
+ scsvir1
8123
+ sctcan1
8124
+ sctdac1
8125
+ sctear1
8126
+ sctfly
8127
+ scther1
8128
+ scthon1
8129
+ scthum1
8130
+ sctkit1
8131
+ sctlea1
8132
+ sctman1
8133
+ sctnig2
8134
+ sctsun2
8135
+ scttan1
8136
+ scwpih1
8137
+ sdcsun3
8138
+ sdmman1
8139
+ sdmtyr2
8140
+ seacin1
8141
+ seaspa
8142
+ sebpig1
8143
+ sebwar1
8144
+ secfly1
8145
+ secret2
8146
+ sectan1
8147
+ sedwar1
8148
+ sedwre
8149
+ sedwre1
8150
+ selcac1
8151
+ semfly1
8152
+ semhaw
8153
+ semhaw2
8154
+ semplo
8155
+ sempuf1
8156
+ semrob1
8157
+ semsan
8158
+ semwar1
8159
+ senbat1
8160
+ sencou1
8161
+ senere1
8162
+ senlap1
8163
+ senpar
8164
+ sepfly1
8165
+ septit1
8166
+ serant1
8167
+ serfri1
8168
+ serhon1
8169
+ sermyz1
8170
+ serori1
8171
+ sersco1
8172
+ sertap1
8173
+ serthr1
8174
+ serthr2
8175
+ serwhe1
8176
+ sesowl1
8177
+ sespar1
8178
+ setkne1
8179
+ sevgro1
8180
+ seybul1
8181
+ seyfod1
8182
+ seykes1
8183
+ seypar1
8184
+ seypar2
8185
+ seysun2
8186
+ seyswi1
8187
+ seywhe1
8188
+ sfwqua1
8189
+ sgdpet1
8190
+ sghspa2
8191
+ shaaka1
8192
+ shaapa2
8193
+ shadro1
8194
+ shalon1
8195
+ sharpb1
8196
+ shasta2
8197
+ shawar1
8198
+ shawre1
8199
+ shbbut1
8200
+ shbcan1
8201
+ shbcan2
8202
+ shbcro1
8203
+ shbcuc1
8204
+ shbdow
8205
+ shbgrf1
8206
+ shbgrf2
8207
+ shbgrf3
8208
+ shbhon2
8209
+ shbkin1
8210
+ shbkoo1
8211
+ shblea1
8212
+ shbmel1
8213
+ shbmin1
8214
+ shbmin2
8215
+ shbpig
8216
+ shbpip1
8217
+ shbpip3
8218
+ shbtre1
8219
+ shccoq
8220
+ shcfly1
8221
+ shclar1
8222
+ shcmon1
8223
+ shcwin1
8224
+ shebul1
8225
+ shefra2
8226
+ shegre1
8227
+ sheowl
8228
+ sheowl1
8229
+ shesta1
8230
+ shesun1
8231
+ shesun2
8232
+ shghum1
8233
+ shicow
8234
+ shidro1
8235
+ shifly1
8236
+ shihon1
8237
+ shikra1
8238
+ shisun1
8239
+ shisun3
8240
+ shlcot1
8241
+ shlcot2
8242
+ shoebi1
8243
+ shoplo1
8244
+ shrspa1
8245
+ shshaw
8246
+ shshaw3
8247
+ shshaw4
8248
+ shshaw5
8249
+ shtalb
8250
+ shtant1
8251
+ shtbab1
8252
+ shtbat1
8253
+ shtbat3
8254
+ shtcou1
8255
+ shteag1
8256
+ shteme1
8257
+ shtfin1
8258
+ shtfly1
8259
+ shtfro2
8260
+ shtfro3
8261
+ shtgra1
8262
+ shtgro
8263
+ shtgrt1
8264
+ shthaw
8265
+ shtibi1
8266
+ shtlar1
8267
+ shtmag1
8268
+ shtnig1
8269
+ shtpar1
8270
+ shtpar2
8271
+ shtpar3
8272
+ shtpip1
8273
+ shtsan
8274
+ shtshe
8275
+ shtsta1
8276
+ shtstr1
8277
+ shtswi1
8278
+ shttre1
8279
+ shttyr1
8280
+ shtwhy1
8281
+ shtwoo1
8282
+ shwthr1
8283
+ shyalb2
8284
+ shyhea1
8285
+ siafir1
8286
+ siapit1
8287
+ sibacc
8288
+ sibbro1
8289
+ sibbut1
8290
+ sibcra1
8291
+ sibgro2
8292
+ sibjay1
8293
+ sibnee1
8294
+ sibrob
8295
+ sibrub
8296
+ sibsir1
8297
+ sibsto1
8298
+ sibtan2
8299
+ sibthr1
8300
+ sibvan1
8301
+ sicant1
8302
+ sicbuw1
8303
+ siccha1
8304
+ sicfri1
8305
+ sichor1
8306
+ sicjay1
8307
+ siclew1
8308
+ sicpar1
8309
+ sicswi1
8310
+ sicthr1
8311
+ sictit1
8312
+ sictre1
8313
+ sieela2
8314
+ sieela3
8315
+ siehon1
8316
+ sielau1
8317
+ siemes1
8318
+ sifcis1
8319
+ siftap1
8320
+ silant1
8321
+ silgre1
8322
+ silgul1
8323
+ silkin1
8324
+ silkta2
8325
+ silkta3
8326
+ silori1
8327
+ silphe
8328
+ silpri2
8329
+ siltan1
8330
+ siltea1
8331
+ silver1
8332
+ silver3
8333
+ simgre1
8334
+ simgrw1
8335
+ simspa1
8336
+ sinant1
8337
+ sinbus1
8338
+ sincis1
8339
+ sincro1
8340
+ sinhon1
8341
+ sinmar1
8342
+ sinpar1
8343
+ sinqua1
8344
+ sinros1
8345
+ sinspa1
8346
+ sinsta1
8347
+ sinwoo1
8348
+ sinwre1
8349
+ sirbar1
8350
+ sirmal1
8351
+ sirnee1
8352
+ sirtan1
8353
+ siryst3
8354
+ sisowl1
8355
+ sitjay1
8356
+ sitnig1
8357
+ sitspi1
8358
+ sittan1
8359
+ siwgua1
8360
+ siwnig1
8361
+ siwpig1
8362
+ sjogre1
8363
+ sjoowl1
8364
+ skylar
8365
+ slaant1
8366
+ slabar1
8367
+ slabec1
8368
+ slabri1
8369
+ slabun1
8370
+ slacud1
8371
+ slacus1
8372
+ slaegr1
8373
+ slaela1
8374
+ slafin1
8375
+ slaflo1
8376
+ slagna1
8377
+ slamon1
8378
+ slaspi1
8379
+ slatan2
8380
+ slathr2
8381
+ slathr3
8382
+ slavir1
8383
+ slbbab1
8384
+ slbblc1
8385
+ slbcht1
8386
+ slbcht3
8387
+ slbcro1
8388
+ slbcro3
8389
+ slbcur
8390
+ slbfin1
8391
+ slbfin2
8392
+ slbfin3
8393
+ slbflu1
8394
+ slbfly1
8395
+ slbfly2
8396
+ slbfor1
8397
+ slbgra1
8398
+ slbgre1
8399
+ slbgul
8400
+ slbgul1
8401
+ slbhem1
8402
+ slbkit1
8403
+ slblar1
8404
+ slbmin1
8405
+ slbori1
8406
+ slbpar1
8407
+ slbpri1
8408
+ slbrai1
8409
+ slbsta1
8410
+ slbtes1
8411
+ slbtho1
8412
+ slbtho2
8413
+ slbthr1
8414
+ slbtin1
8415
+ slbtyr1
8416
+ slbvul1
8417
+ slbwea1
8418
+ slbxen1
8419
+ slcant2
8420
+ slcant3
8421
+ slcant5
8422
+ slcbou1
8423
+ slccoo1
8424
+ slcfly1
8425
+ slcgro1
8426
+ slchaw2
8427
+ slclon1
8428
+ slcsee1
8429
+ slcsol1
8430
+ sleant1
8431
+ sleshe1
8432
+ slftyr1
8433
+ slgrol1
8434
+ slhpar1
8435
+ sllcra1
8436
+ slmgos1
8437
+ sltcis1
8438
+ sltgna1
8439
+ sltnig1
8440
+ sltred
8441
+ slttro1
8442
+ sltwoo1
8443
+ slweye1
8444
+ smabut2
8445
+ smamin1
8446
+ smanil1
8447
+ smapra1
8448
+ smaspa1
8449
+ smawhi1
8450
+ smbani
8451
+ smbela1
8452
+ smbfin1
8453
+ smbkin1
8454
+ smbtin1
8455
+ smbtyr1
8456
+ smbtyr2
8457
+ smbwoo1
8458
+ smcpew1
8459
+ smew
8460
+ smftof1
8461
+ smgfin1
8462
+ smilon
8463
+ smohon1
8464
+ smorob2
8465
+ smowar1
8466
+ smtfin1
8467
+ snakit
8468
+ snapen1
8469
+ snbfly1
8470
+ snbhum1
8471
+ snbnut1
8472
+ sncman1
8473
+ snecou1
8474
+ snisni1
8475
+ snmmun1
8476
+ snmqua2
8477
+ snmrob1
8478
+ snobun
8479
+ snocot1
8480
+ snoegr
8481
+ snogoo
8482
+ snoowl1
8483
+ snopar1
8484
+ snopet1
8485
+ snopig1
8486
+ snoplo5
8487
+ snoshe2
8488
+ snowca1
8489
+ sntbab1
8490
+ sntkin1
8491
+ snttyr1
8492
+ snttyr2
8493
+ soacha1
8494
+ soalea1
8495
+ soapas1
8496
+ soashe1
8497
+ soasni1
8498
+ soaswa2
8499
+ soatan1
8500
+ soater1
8501
+ sobcac1
8502
+ sobeat1
8503
+ sobfly1
8504
+ sobkiw1
8505
+ sobtyr1
8506
+ sobtyr2
8507
+ socbab1
8508
+ socbun1
8509
+ socbuz1
8510
+ soccis1
8511
+ soccor1
8512
+ socdov1
8513
+ socfly1
8514
+ socfly2
8515
+ socher1
8516
+ soclap1
8517
+ socmoc1
8518
+ socpuf1
8519
+ socspa1
8520
+ socsta1
8521
+ socsun2
8522
+ socwar2
8523
+ socwea1
8524
+ socwre2
8525
+ soffin1
8526
+ sofspi1
8527
+ soghor1
8528
+ sogpip1
8529
+ sogsha1
8530
+ sohbul1
8531
+ sohmyn1
8532
+ sohtyr1
8533
+ sohwre1
8534
+ soicus1
8535
+ soifro1
8536
+ soioys1
8537
+ soipio1
8538
+ soirew1
8539
+ soisni1
8540
+ soiwhe2
8541
+ soiwhe3
8542
+ soiwre1
8543
+ sokpip1
8544
+ soleag1
8545
+ solhao1
8546
+ solnig1
8547
+ solpet1
8548
+ solsan
8549
+ solsee1
8550
+ solsni1
8551
+ soltin1
8552
+ sombou1
8553
+ sombun1
8554
+ somcha1
8555
+ somcou1
8556
+ somcro1
8557
+ somcro2
8558
+ somfis1
8559
+ somgre1
8560
+ somgro1
8561
+ somhum1
8562
+ somkin1
8563
+ somnig1
8564
+ sompig1
8565
+ sompig2
8566
+ sompit1
8567
+ somspa1
8568
+ somsta1
8569
+ somthr1
8570
+ somtit3
8571
+ somtit4
8572
+ somwhe1
8573
+ sonspa
8574
+ sonthr1
8575
+ sonwre1
8576
+ sooalb1
8577
+ sooant1
8578
+ soobab1
8579
+ soobar1
8580
+ soobar2
8581
+ soobou1
8582
+ soocha1
8583
+ soofal1
8584
+ soofly1
8585
+ soogra2
8586
+ soogro1
8587
+ soogul2
8588
+ soomel1
8589
+ soomyz1
8590
+ sooowl1
8591
+ soooys1
8592
+ soorob1
8593
+ sooshe
8594
+ soosht1
8595
+ soosla1
8596
+ sooswi1
8597
+ sooter1
8598
+ sootit1
8599
+ sootyr1
8600
+ soowoo1
8601
+ sopbab1
8602
+ soppet1
8603
+ sopsku1
8604
+ soptit1
8605
+ sora
8606
+ sosfly1
8607
+ sosowl1
8608
+ sosrob1
8609
+ sotfan1
8610
+ souant1
8611
+ souben1
8612
+ soublt1
8613
+ souboo2
8614
+ souboo4
8615
+ souboo5
8616
+ souboo6
8617
+ souboo8
8618
+ soubou1
8619
+ soucar1
8620
+ soucas1
8621
+ soucit1
8622
+ soucrp1
8623
+ soucrp2
8624
+ souemt1
8625
+ souemu1
8626
+ soufis1
8627
+ souful1
8628
+ sougrc1
8629
+ souhyl1
8630
+ soulap1
8631
+ soulog1
8632
+ soumar
8633
+ soupoc1
8634
+ souscr1
8635
+ soushr2
8636
+ soushr3
8637
+ sousun1
8638
+ sousun2
8639
+ soutch1
8640
+ souwhi1
8641
+ souwpw1
8642
+ spacoq1
8643
+ spacot1
8644
+ spadro1
8645
+ spaeag1
8646
+ spahon1
8647
+ spakoo1
8648
+ spaown1
8649
+ spaspa1
8650
+ spbant1
8651
+ spbant3
8652
+ spbant4
8653
+ spbant5
8654
+ spbant6
8655
+ spbduc
8656
+ spbfan1
8657
+ spbibi1
8658
+ spblap1
8659
+ spblau1
8660
+ spbmel1
8661
+ spbori
8662
+ spbpar1
8663
+ spbpel1
8664
+ spbpuf1
8665
+ spbpuf3
8666
+ spbsan1
8667
+ spbscb1
8668
+ spbtho1
8669
+ spbtou1
8670
+ spbtyr1
8671
+ spbwoo1
8672
+ spbwoo2
8673
+ spbwre1
8674
+ spbwre2
8675
+ spcant1
8676
+ spcbar1
8677
+ spceup1
8678
+ spchon1
8679
+ spcpic1
8680
+ spctan1
8681
+ spcwoo1
8682
+ spebar1
8683
+ spebul1
8684
+ specha2
8685
+ specha3
8686
+ specha4
8687
+ speduc2
8688
+ speeid
8689
+ spefin1
8690
+ speflo1
8691
+ speful1
8692
+ spegui1
8693
+ spehao1
8694
+ spehum1
8695
+ spemon1
8696
+ spemon3
8697
+ spemou1
8698
+ spemou2
8699
+ speowl1
8700
+ speowl2
8701
+ spepar1
8702
+ spepar2
8703
+ spepet1
8704
+ spepic1
8705
+ spepig1
8706
+ spepri1
8707
+ sperai1
8708
+ spered1
8709
+ spespi1
8710
+ spespi2
8711
+ spetan1
8712
+ spetea3
8713
+ spetet1
8714
+ spetin1
8715
+ spetyr1
8716
+ spewar2
8717
+ spewar3
8718
+ spewea1
8719
+ spewea2
8720
+ spfant1
8721
+ spfbar1
8722
+ spfgal1
8723
+ spfpar1
8724
+ spfpar2
8725
+ spfswi1
8726
+ spfwea1
8727
+ spgpig1
8728
+ spgsta1
8729
+ spgthr1
8730
+ sphlar1
8731
+ spibab1
8732
+ spibir1
8733
+ spigua1
8734
+ spimac1
8735
+ spipig1
8736
+ spipig2
8737
+ spipig3
8738
+ spispi1
8739
+ spitap2
8740
+ spiwaa1
8741
+ spiwoo1
8742
+ spjbab1
8743
+ splast1
8744
+ splfai1
8745
+ splsun2
8746
+ spmthr1
8747
+ spnbab1
8748
+ spnbul1
8749
+ spnthr1
8750
+ spoant1
8751
+ spoant5
8752
+ spoant6
8753
+ spobam1
8754
+ spobar1
8755
+ spober1
8756
+ spobow1
8757
+ spobut2
8758
+ spobuw1
8759
+ spobuw2
8760
+ spobuw3
8761
+ spocat1
8762
+ spocat2
8763
+ spocra1
8764
+ spocra2
8765
+ spocre2
8766
+ spocre3
8767
+ spocro1
8768
+ spodov
8769
+ spofan1
8770
+ spofly1
8771
+ spofly3
8772
+ spofor1
8773
+ spogre1
8774
+ spohar1
8775
+ spohon2
8776
+ spohon3
8777
+ spokes1
8778
+ spokin1
8779
+ spolau1
8780
+ sponig1
8781
+ sponit2
8782
+ sponot1
8783
+ sponut1
8784
+ spoowl
8785
+ spoowl1
8786
+ spopar1
8787
+ spopic1
8788
+ spopuf1
8789
+ sporai
8790
+ spored
8791
+ sposan
8792
+ sposan1
8793
+ sposha1
8794
+ sposta1
8795
+ spotan1
8796
+ spothr1
8797
+ spotow
8798
+ spowoo1
8799
+ spowre1
8800
+ spqthr1
8801
+ sprgro
8802
+ sprpip
8803
+ sptant1
8804
+ sptbab1
8805
+ sptfla1
8806
+ sptfly1
8807
+ sptgos1
8808
+ spthum1
8809
+ spthum2
8810
+ sptkne1
8811
+ sptnig1
8812
+ sptwoo1
8813
+ spvear1
8814
+ spwant2
8815
+ spwant3
8816
+ spwbab1
8817
+ spwduc1
8818
+ spweye2
8819
+ spwfal2
8820
+ spwgoo1
8821
+ spwgro1
8822
+ spwlap1
8823
+ spwmon1
8824
+ spwowl1
8825
+ spwpar2
8826
+ spwpig1
8827
+ spwpig3
8828
+ spwqua1
8829
+ spwros2
8830
+ spwros3
8831
+ spwsta1
8832
+ spwthr1
8833
+ sqtbul1
8834
+ sqtdro1
8835
+ sqtkit1
8836
+ sqtnig1
8837
+ sqtsaw1
8838
+ squant1
8839
+ squcuc1
8840
+ squher1
8841
+ squpig1
8842
+ srbhor1
8843
+ srlbao1
8844
+ srldro1
8845
+ srlscb1
8846
+ srlswa1
8847
+ srlwoo1
8848
+ srwswa1
8849
+ sshpet1
8850
+ sstlar1
8851
+ sstlar3
8852
+ sstlar4
8853
+ sstspa
8854
+ stabus1
8855
+ stafin1
8856
+ stalar2
8857
+ stavir1
8858
+ stbant1
8859
+ stbant2
8860
+ stbbit1
8861
+ stbbul1
8862
+ stbcan1
8863
+ stbcin1
8864
+ stbcro1
8865
+ stbcus1
8866
+ stbear2
8867
+ stbeat1
8868
+ stbfan1
8869
+ stbflu1
8870
+ stbfly1
8871
+ stbher1
8872
+ stbhon2
8873
+ stbhon3
8874
+ stbkin1
8875
+ stbori
8876
+ stbree2
8877
+ stbrha1
8878
+ stbspi1
8879
+ stbspi2
8880
+ stbsta1
8881
+ stbtit2
8882
+ stbtre1
8883
+ stbtyr1
8884
+ stbwhy1
8885
+ stbwoo1
8886
+ stbwoo2
8887
+ stbwoo3
8888
+ stbwoo4
8889
+ stbwre1
8890
+ stbwre2
8891
+ stcant1
8892
+ stcant2
8893
+ stcant3
8894
+ stcant4
8895
+ stcgre1
8896
+ stcgre3
8897
+ stcgre4
8898
+ stcspa1
8899
+ stcspi1
8900
+ stcspi2
8901
+ stctre1
8902
+ stcwoo1
8903
+ stebul2
8904
+ stecan1
8905
+ stedov1
8906
+ steeag1
8907
+ steeid
8908
+ stejay
8909
+ stelio1
8910
+ stelor1
8911
+ stepet
8912
+ stfgle1
8913
+ stftho1
8914
+ stftyr1
8915
+ stgpig1
8916
+ stgsta1
8917
+ sthant1
8918
+ sthant2
8919
+ sthbrf1
8920
+ sthbrf2
8921
+ sthbrf3
8922
+ sthbrf4
8923
+ sthbrf5
8924
+ sthbrf6
8925
+ sthbrf7
8926
+ sthbrf8
8927
+ sthbul1
8928
+ sthcra1
8929
+ sthcuc1
8930
+ sthhon1
8931
+ sthhoo1
8932
+ sthmun1
8933
+ sthmun3
8934
+ sthplo1
8935
+ sthrai1
8936
+ sthsee2
8937
+ sthsee3
8938
+ sthspa1
8939
+ sthwhe1
8940
+ sthwoo1
8941
+ stisan
8942
+ stisha2
8943
+ stitap1
8944
+ stitch1
8945
+ stiwoo1
8946
+ stiwre1
8947
+ stlori1
8948
+ stlpar1
8949
+ stlwar
8950
+ stnfly1
8951
+ stnibi1
8952
+ stocis1
8953
+ stodov1
8954
+ stofly1
8955
+ stonec4
8956
+ stonec6
8957
+ stonec7
8958
+ stopar1
8959
+ stosto1
8960
+ stpfly1
8961
+ stptyr1
8962
+ strant2
8963
+ strant3
8964
+ strbab1
8965
+ strbar1
8966
+ strber1
8967
+ strbow1
8968
+ strbri1
8969
+ strbul1
8970
+ strbul2
8971
+ strcar1
8972
+ strcra1
8973
+ strcuc1
8974
+ stream1
8975
+ stream3
8976
+ strear1
8977
+ strfan1
8978
+ strfie1
8979
+ strflu1
8980
+ strfly1
8981
+ strgra1
8982
+ strgra2
8983
+ strher
8984
+ strher3
8985
+ strhon1
8986
+ strkin1
8987
+ strlau1
8988
+ strlau2
8989
+ strlau3
8990
+ strlor1
8991
+ strman2
8992
+ strman5
8993
+ strowl1
8994
+ strpar1
8995
+ strpip1
8996
+ strpri2
8997
+ strpri8
8998
+ strpuf1
8999
+ strros1
9000
+ strsal1
9001
+ strsee1
9002
+ strshe
9003
+ strsof1
9004
+ strspa1
9005
+ strspi1
9006
+ strsta1
9007
+ strswa2
9008
+ strtho1
9009
+ strthr1
9010
+ strtre1
9011
+ strtuf1
9012
+ strwar1
9013
+ strwea1
9014
+ strwea2
9015
+ strwoo
9016
+ strwoo1
9017
+ strwoo2
9018
+ strwoo5
9019
+ strwoo6
9020
+ strxen1
9021
+ stryuh1
9022
+ stsbab1
9023
+ stseag
9024
+ stsnig1
9025
+ stsowl1
9026
+ stsrha2
9027
+ stswar1
9028
+ sttant1
9029
+ sttant3
9030
+ sttant5
9031
+ sttbab1
9032
+ sttbar1
9033
+ sttbul1
9034
+ sttcan1
9035
+ sttful1
9036
+ sttful2
9037
+ stther1
9038
+ stther2
9039
+ stthum1
9040
+ sttjer1
9041
+ sttspa1
9042
+ sttspi1
9043
+ sttspi2
9044
+ sttswa2
9045
+ stttyr1
9046
+ stttyr2
9047
+ sttwhy1
9048
+ sttwoo1
9049
+ sttwre1
9050
+ sttyuh1
9051
+ stuqua1
9052
+ stusta1
9053
+ stusun1
9054
+ stvhum2
9055
+ stvpar1
9056
+ stwbab1
9057
+ stwbab2
9058
+ stwbab3
9059
+ stwnig1
9060
+ stwqua1
9061
+ stybul1
9062
+ styfin1
9063
+ styowl1
9064
+ subbrw1
9065
+ subbul1
9066
+ subbus1
9067
+ subdor1
9068
+ subfly
9069
+ subfly1
9070
+ subfly2
9071
+ subfly3
9072
+ subfly4
9073
+ subhea1
9074
+ submes1
9075
+ subnut1
9076
+ subpar1
9077
+ subsni1
9078
+ subtyr1
9079
+ subwar1
9080
+ subwar2
9081
+ subwar3
9082
+ subwar4
9083
+ subwar8
9084
+ subwhi1
9085
+ sucant1
9086
+ succoc
9087
+ sufdov1
9088
+ sugcuc1
9089
+ sugdov1
9090
+ sugpig2
9091
+ sugspa1
9092
+ suhcuc1
9093
+ suhpar1
9094
+ suifly1
9095
+ suklau1
9096
+ sulbab1
9097
+ sulboo1
9098
+ sulcud1
9099
+ sulcud2
9100
+ sulcus1
9101
+ sulcus2
9102
+ suldro1
9103
+ sulfly1
9104
+ sulgob1
9105
+ sulgos1
9106
+ sulhae1
9107
+ sulhap1
9108
+ sulhor1
9109
+ sulhor2
9110
+ suljuf1
9111
+ sulkin1
9112
+ sulmyn1
9113
+ sulmyz1
9114
+ sulnig1
9115
+ sulowl1
9116
+ sulpit1
9117
+ sulpit3
9118
+ sulsco2
9119
+ sulsco3
9120
+ sulscr1
9121
+ sulthr1
9122
+ sultit1
9123
+ sulwar1
9124
+ sulwhe1
9125
+ sulwoo1
9126
+ sulwoo2
9127
+ sumbab1
9128
+ sumboo1
9129
+ sumbut1
9130
+ sumcoc1
9131
+ sumcus1
9132
+ sumdro1
9133
+ sumfly1
9134
+ sumhor1
9135
+ sumlau1
9136
+ sumlea1
9137
+ summyz1
9138
+ sumtan
9139
+ sumtre1
9140
+ sumtro1
9141
+ sumwrb1
9142
+ sumwre1
9143
+ sunasi1
9144
+ sunbit1
9145
+ sunbul2
9146
+ suncou1
9147
+ suncuc2
9148
+ suncus1
9149
+ sunfor1
9150
+ sunfro1
9151
+ sungre1
9152
+ sunhon1
9153
+ sunlap1
9154
+ sunlar1
9155
+ sunlau1
9156
+ sunmin1
9157
+ sunpar1
9158
+ sunrob1
9159
+ suntea1
9160
+ sunthr1
9161
+ sunwar1
9162
+ supfai1
9163
+ suphem1
9164
+ suplyr1
9165
+ supowl1
9166
+ suppar1
9167
+ suppit1
9168
+ supsta1
9169
+ supsun2
9170
+ supwre1
9171
+ surcin1
9172
+ surfbi
9173
+ surfly1
9174
+ sursco
9175
+ surtan1
9176
+ surtro1
9177
+ suseag1
9178
+ susowl1
9179
+ susowl2
9180
+ sutfin1
9181
+ sutspi1
9182
+ suwpar1
9183
+ swafly1
9184
+ swafly3
9185
+ swafra1
9186
+ swafra2
9187
+ swagoo1
9188
+ swagre1
9189
+ swahar1
9190
+ swahaw
9191
+ swanig1
9192
+ swapri1
9193
+ swaspa
9194
+ swaspa1
9195
+ swaspa2
9196
+ swatan1
9197
+ swathr
9198
+ swawar
9199
+ swbhum1
9200
+ swewax1
9201
+ swewax3
9202
+ swfgle
9203
+ swfowl1
9204
+ swifra2
9205
+ swipar1
9206
+ swiphe1
9207
+ swirai1
9208
+ swisni1
9209
+ swiwhe1
9210
+ swspet
9211
+ swtcot1
9212
+ swtcot2
9213
+ swtgul1
9214
+ swthum1
9215
+ swtkit
9216
+ swtman1
9217
+ swtnig1
9218
+ swwpuf1
9219
+ swwqua1
9220
+ swyrob1
9221
+ sybhor1
9222
+ syknig1
9223
+ sykwar2
9224
+ syrser1
9225
+ syrwoo1
9226
+ szepar1
9227
+ tabbab1
9228
+ tabcis1
9229
+ tabdro1
9230
+ tabfan1
9231
+ tabfly1
9232
+ tabher1
9233
+ tabhon1
9234
+ tabowl1
9235
+ tabpar1
9236
+ tabsco1
9237
+ tabscr1
9238
+ tabsee1
9239
+ tabtan1
9240
+ tabtin1
9241
+ tabwar1
9242
+ tacant1
9243
+ taccat1
9244
+ taceup1
9245
+ tacfly1
9246
+ tacgre1
9247
+ tacgrt1
9248
+ tachon1
9249
+ tacnig1
9250
+ tacpyt1
9251
+ tacsun1
9252
+ tactan1
9253
+ tactap1
9254
+ tactin1
9255
+ tafdov1
9256
+ tafgna1
9257
+ tafowl1
9258
+ tafpri1
9259
+ tafqua1
9260
+ tagbut1
9261
+ taghon1
9262
+ tagwea1
9263
+ tahkin1
9264
+ tahmof1
9265
+ tahmon2
9266
+ tahpet1
9267
+ tahrai1
9268
+ tahrew1
9269
+ tahswa2
9270
+ taibap1
9271
+ taibar1
9272
+ taibar2
9273
+ taibeg1
9274
+ taibuw1
9275
+ taifal1
9276
+ taifis1
9277
+ taifly1
9278
+ taiful1
9279
+ taihwa1
9280
+ taipar1
9281
+ taiscb1
9282
+ taithr1
9283
+ taiwrb1
9284
+ taiyuh1
9285
+ takahe2
9286
+ takahe3
9287
+ talbuh1
9288
+ talkin1
9289
+ talowl1
9290
+ talrai1
9291
+ tamcon1
9292
+ tamcro
9293
+ tamdov1
9294
+ tancoc1
9295
+ tancud1
9296
+ tanfin1
9297
+ tangrd1
9298
+ tanhen1
9299
+ tanmaw1
9300
+ tanscr1
9301
+ tansee1
9302
+ tansta1
9303
+ tapowl1
9304
+ tarbab1
9305
+ tarcis1
9306
+ tarhor1
9307
+ tartyr1
9308
+ tasbla
9309
+ tasscr1
9310
+ tastho1
9311
+ tatdot1
9312
+ tatlea1
9313
+ tatspi1
9314
+ tattin1
9315
+ tattou1
9316
+ tawant1
9317
+ taweag1
9318
+ tawfro1
9319
+ tawgra2
9320
+ tawgra3
9321
+ tawlar1
9322
+ tawowl1
9323
+ tawowl3
9324
+ tawpip1
9325
+ tawqua1
9326
+ tawstr1
9327
+ tawwoo1
9328
+ tbgdov1
9329
+ tbgpig2
9330
+ tbsfin1
9331
+ tbwbab1
9332
+ tebfin1
9333
+ tembab1
9334
+ temcou1
9335
+ temlar1
9336
+ temsee1
9337
+ temsti
9338
+ temsun1
9339
+ temtra1
9340
+ temwhi1
9341
+ tenswi1
9342
+ tenwar
9343
+ tepant1
9344
+ tepgol1
9345
+ tepgre1
9346
+ teppar1
9347
+ tepred1
9348
+ tepspi1
9349
+ tepswi1
9350
+ teptin1
9351
+ tepwre1
9352
+ terbro1
9353
+ tersan
9354
+ tesfly1
9355
+ thamno2
9356
+ thbcou1
9357
+ thbcuc1
9358
+ thbeup1
9359
+ thbflo1
9360
+ thbflo3
9361
+ thbgra1
9362
+ thbgra4
9363
+ thbhon1
9364
+ thbkin
9365
+ thblar1
9366
+ thbmin1
9367
+ thbmur
9368
+ thbpar
9369
+ thbpig1
9370
+ thbplo1
9371
+ thbrav1
9372
+ thbros1
9373
+ thbsal1
9374
+ thbsee1
9375
+ thbsis1
9376
+ thbspi1
9377
+ thbvir
9378
+ thbvir2
9379
+ thbwar1
9380
+ thbwar2
9381
+ thelar1
9382
+ thiant1
9383
+ thitin1
9384
+ thlant2
9385
+ thlant3
9386
+ thlsch2
9387
+ thlsch3
9388
+ thlsch4
9389
+ thlsch7
9390
+ thlsch8
9391
+ thlwre1
9392
+ thrbab1
9393
+ thrnig1
9394
+ thsfly2
9395
+ thshem1
9396
+ thstch1
9397
+ thswar1
9398
+ thswar2
9399
+ thswar5
9400
+ thswar9
9401
+ thtjac1
9402
+ thtpar1
9403
+ thtray1
9404
+ thwbel
9405
+ tibbab1
9406
+ tibbla1
9407
+ tibbun1
9408
+ tibfly2
9409
+ tibfly3
9410
+ tibfly4
9411
+ tiblar1
9412
+ tibpar1
9413
+ tibros1
9414
+ tibsan1
9415
+ tibser1
9416
+ tibsno1
9417
+ tibsno2
9418
+ ticdor1
9419
+ ticthr1
9420
+ tigshr1
9421
+ tiipig1
9422
+ tildac1
9423
+ tilwar1
9424
+ tilwar2
9425
+ timbus1
9426
+ timcud1
9427
+ timfri1
9428
+ timgrp1
9429
+ timori1
9430
+ timspa4
9431
+ timstu1
9432
+ timwhe1
9433
+ timwre1
9434
+ tincis1
9435
+ tincis3
9436
+ tingre1
9437
+ tinhaw1
9438
+ tinmon1
9439
+ tinsun2
9440
+ titber1
9441
+ titgre1
9442
+ tithyl1
9443
+ titman1
9444
+ tobcat2
9445
+ tobhum1
9446
+ tobpig1
9447
+ tobwre1
9448
+ tocspa1
9449
+ toctou1
9450
+ todant1
9451
+ todmot1
9452
+ todsir1
9453
+ toghao1
9454
+ togwhe1
9455
+ tolblo1
9456
+ toldov1
9457
+ tomtit1
9458
+ tonwhi1
9459
+ toogre1
9460
+ toppig1
9461
+ topwhy1
9462
+ torcro2
9463
+ torcro3
9464
+ torduc1
9465
+ torfly1
9466
+ torimp1
9467
+ torimp2
9468
+ torlar1
9469
+ torsco1
9470
+ tortyr1
9471
+ toubar1
9472
+ tousun1
9473
+ towshe1
9474
+ towshe2
9475
+ towshe3
9476
+ towsol
9477
+ towwar
9478
+ tracha1
9479
+ trbfin1
9480
+ trbhor1
9481
+ tremar2
9482
+ trepip
9483
+ treswa
9484
+ tribla
9485
+ tribrf1
9486
+ tribun1
9487
+ tricis1
9488
+ trieup1
9489
+ triher
9490
+ trimoo2
9491
+ trimoo3
9492
+ trimot1
9493
+ trimun
9494
+ tripar1
9495
+ tripet1
9496
+ trista1
9497
+ tritap1
9498
+ trithr1
9499
+ triwar1
9500
+ trobou1
9501
+ trobou2
9502
+ trogna1
9503
+ trokin
9504
+ tromoc
9505
+ tropar
9506
+ tropew1
9507
+ tropew2
9508
+ tropig1
9509
+ trosee1
9510
+ troshe1
9511
+ troshe4
9512
+ trpgua1
9513
+ trsowl
9514
+ trspet
9515
+ trufin2
9516
+ truhor1
9517
+ truman1
9518
+ trumon1
9519
+ truswa
9520
+ truter
9521
+ trweye1
9522
+ tsasun1
9523
+ tsctap1
9524
+ tsiwor1
9525
+ tuasan1
9526
+ tubmot1
9527
+ tucpar1
9528
+ tufant1
9529
+ tufcoq1
9530
+ tufduc
9531
+ tuffly
9532
+ tufjay1
9533
+ tufpuf
9534
+ tuftit
9535
+ tugjay1
9536
+ tui1
9537
+ tuipar1
9538
+ tulwoo1
9539
+ tumfin1
9540
+ tumhum1
9541
+ tumspa1
9542
+ tumswa1
9543
+ tumtyr2
9544
+ tunbeg1
9545
+ tunswa
9546
+ tuqdov1
9547
+ turbou1
9548
+ turcot1
9549
+ turdac1
9550
+ turere1
9551
+ turjay1
9552
+ turpar1
9553
+ turtan1
9554
+ turvul
9555
+ turwar1
9556
+ tutbar1
9557
+ tutpuf1
9558
+ tutspi1
9559
+ tuttyr1
9560
+ twbplo1
9561
+ twbwar1
9562
+ twbwar2
9563
+ twite1
9564
+ twwbop1
9565
+ tylvan1
9566
+ tylwar1
9567
+ tyrmet1
9568
+ tyrwoo1
9569
+ uapmon1
9570
+ udzpar1
9571
+ udzpar2
9572
+ ugawow1
9573
+ ulahaw
9574
+ ultfly1
9575
+ ultgro1
9576
+ ultkin1
9577
+ ultlor1
9578
+ ulubus1
9579
+ unafly1
9580
+ undant1
9581
+ undant2
9582
+ undtin1
9583
+ uniant1
9584
+ uniant2
9585
+ unibla2
9586
+ unicra1
9587
+ unifin1
9588
+ unijay1
9589
+ uniswi1
9590
+ unitap1
9591
+ unithr1
9592
+ unitre1
9593
+ uniwoo1
9594
+ unstit1
9595
+ upcwar1
9596
+ uplant1
9597
+ uplbuz1
9598
+ uplgoo1
9599
+ uplpip1
9600
+ uplsan
9601
+ upmtap1
9602
+ uraowl1
9603
+ urityr1
9604
+ urssun2
9605
+ usaaka1
9606
+ usabul1
9607
+ usahyl1
9608
+ usathr1
9609
+ usawea1
9610
+ useowl1
9611
+ ussfly1
9612
+ uswowl1
9613
+ uvbsun1
9614
+ vabtyr1
9615
+ vadvan1
9616
+ vahsun1
9617
+ vanfly1
9618
+ vanmon1
9619
+ vanscr1
9620
+ vanwhe1
9621
+ varant1
9622
+ varant2
9623
+ varbun
9624
+ varcha1
9625
+ varcha3
9626
+ vardwk1
9627
+ vardwk11
9628
+ vardwk12
9629
+ vardwk13
9630
+ vardwk14
9631
+ vardwk15
9632
+ vardwk2
9633
+ vardwk4
9634
+ vardwk5
9635
+ vardwk6
9636
+ vardwk7
9637
+ vardwk8
9638
+ vardwk9
9639
+ varfai1
9640
+ varfai5
9641
+ varfly
9642
+ vargos1
9643
+ varhon1
9644
+ varind1
9645
+ varlau1
9646
+ varlor1
9647
+ varoys1
9648
+ varpic1
9649
+ varpit2
9650
+ varpit3
9651
+ varpit4
9652
+ varsch1
9653
+ varsee3
9654
+ varsit1
9655
+ varsit8
9656
+ varsol1
9657
+ varsun2
9658
+ varthr
9659
+ vartin1
9660
+ vartit1
9661
+ vartit2
9662
+ vartit3
9663
+ vartit4
9664
+ vartri1
9665
+ vartri3
9666
+ varwhe1
9667
+ vaspar1
9668
+ vauswi
9669
+ vddhor1
9670
+ vebbri1
9671
+ vebtyr1
9672
+ vebtyr2
9673
+ veeowl1
9674
+ veery
9675
+ vefeup1
9676
+ vefgra1
9677
+ vefnut1
9678
+ vefowl1
9679
+ vegfin2
9680
+ veggul1
9681
+ vehpar1
9682
+ velasi1
9683
+ veldov1
9684
+ vemdro1
9685
+ vemdro5
9686
+ venflo1
9687
+ venfly1
9688
+ venpet1
9689
+ vensyl1
9690
+ ventro1
9691
+ venwoq1
9692
+ vepcor1
9693
+ verbar1
9694
+ verbat1
9695
+ vercar1
9696
+ vercou1
9697
+ verdin
9698
+ vereag1
9699
+ vereme1
9700
+ verfly1
9701
+ verfly4
9702
+ verfly7
9703
+ verfly8
9704
+ verhum1
9705
+ verman1
9706
+ verpar1
9707
+ versco2
9708
+ versco5
9709
+ vertan1
9710
+ vesowl
9711
+ vesspa
9712
+ vibhum1
9713
+ vibhyl1
9714
+ vibspa1
9715
+ vibsta2
9716
+ vibsta3
9717
+ vibsun2
9718
+ vichum
9719
+ vichum1
9720
+ vichum2
9721
+ vicpig1
9722
+ vicrif1
9723
+ vicwoo2
9724
+ viebar1
9725
+ viecut1
9726
+ viegre2
9727
+ viewax1
9728
+ viewea1
9729
+ vifbri1
9730
+ vigswa
9731
+ vihhum1
9732
+ vilbrf1
9733
+ vilind
9734
+ viltap1
9735
+ vilthi2
9736
+ vilthi3
9737
+ vilwea1
9738
+ vimwea1
9739
+ vinbun1
9740
+ vindov1
9741
+ vinlor1
9742
+ vinpar1
9743
+ vinros2
9744
+ vinros3
9745
+ viocou1
9746
+ viocuc1
9747
+ vioeup1
9748
+ viojay1
9749
+ viosab1
9750
+ viotro2
9751
+ viotro3
9752
+ viotur1
9753
+ viowoo1
9754
+ viowoo3
9755
+ viqdov1
9756
+ virdac1
9757
+ virmet1
9758
+ virrai
9759
+ virrai1
9760
+ virwar
9761
+ visblf1
9762
+ visbro1
9763
+ visbul1
9764
+ visfan1
9765
+ vispyb1
9766
+ viswar1
9767
+ vitmet1
9768
+ vitpar1
9769
+ vitsta1
9770
+ vitsun1
9771
+ vitsyl1
9772
+ vitwar1
9773
+ vivnil1
9774
+ vogbow2
9775
+ vogmel1
9776
+ vogscr1
9777
+ vogwhi1
9778
+ volhum1
9779
+ voljun1
9780
+ volswi1
9781
+ vosbop1
9782
+ vulgui1
9783
+ vulpar1
9784
+ wafdov1
9785
+ waheag3
9786
+ wahhon1
9787
+ wahpar1
9788
+ wahpar2
9789
+ waicis1
9790
+ waicis2
9791
+ wairai1
9792
+ wakmyz1
9793
+ walcus1
9794
+ waldra1
9795
+ waldro1
9796
+ walfai1
9797
+ walhae1
9798
+ wallcr1
9799
+ walsta1
9800
+ walsta2
9801
+ walwhi1
9802
+ wanalb
9803
+ wanalb2
9804
+ wanalb3
9805
+ wanalb5
9806
+ wantat1
9807
+ waonig1
9808
+ wardor1
9809
+ warfin1
9810
+ warfly1
9811
+ warlin1
9812
+ wartro1
9813
+ warvir
9814
+ warwhe1
9815
+ washon1
9816
+ wasowl1
9817
+ watant1
9818
+ watbro1
9819
+ watbrt1
9820
+ watcra2
9821
+ watcur1
9822
+ waterc1
9823
+ watgua1
9824
+ watibi1
9825
+ watjac1
9826
+ watkne1
9827
+ watlap1
9828
+ watpip1
9829
+ watplo1
9830
+ watrai1
9831
+ watsta1
9832
+ watswi1
9833
+ wavalb
9834
+ wavwoo1
9835
+ wawduc1
9836
+ wawwhe1
9837
+ wbbfly1
9838
+ wbbrob1
9839
+ wbbwea1
9840
+ wbcfly1
9841
+ wbctyr1
9842
+ wbffly1
9843
+ wbgbir1
9844
+ wbgdov1
9845
+ wbgtyr1
9846
+ wbhori1
9847
+ wbipig1
9848
+ wbmgem1
9849
+ wbnher1
9850
+ wbopar1
9851
+ wbptyr1
9852
+ wbrcha1
9853
+ wbrcha2
9854
+ wbsbab1
9855
+ wbsbab2
9856
+ wbseag1
9857
+ wbspet1
9858
+ wbswea1
9859
+ wbtfan1
9860
+ wbtspi1
9861
+ wbtwar1
9862
+ wbwbab1
9863
+ wbweye1
9864
+ wbwwre1
9865
+ wcfdov1
9866
+ wcfgle1
9867
+ wcptit1
9868
+ wcrcha1
9869
+ wcttyr1
9870
+ wcweye1
9871
+ weawae1
9872
+ webcuc1
9873
+ webhum2
9874
+ webhum3
9875
+ webwar1
9876
+ webwoo1
9877
+ weclew1
9878
+ wecpig1
9879
+ wecsun1
9880
+ wectan1
9881
+ weebil1
9882
+ wefgle1
9883
+ wegdov1
9884
+ wegspa1
9885
+ weiwoo1
9886
+ weka1
9887
+ welswa1
9888
+ wemcha1
9889
+ wemhar1
9890
+ wenher1
9891
+ weowar1
9892
+ weowar2
9893
+ wepdov1
9894
+ werher
9895
+ wermar2
9896
+ wesant1
9897
+ wesbeg1
9898
+ wesblu
9899
+ wesblu1
9900
+ wesbow1
9901
+ wesbri1
9902
+ wescap1
9903
+ wescit1
9904
+ wescor1
9905
+ weseme1
9906
+ wesger1
9907
+ wesgre
9908
+ wesgul
9909
+ weskin
9910
+ wesmea
9911
+ wesmog1
9912
+ wesowl1
9913
+ wespar1
9914
+ wespet1
9915
+ wesple1
9916
+ wespuf1
9917
+ wesros1
9918
+ wessan
9919
+ wesspi
9920
+ wesspi1
9921
+ westan
9922
+ westho1
9923
+ westin1
9924
+ westra1
9925
+ weswah1
9926
+ weswhi1
9927
+ weswhi2
9928
+ weswhi4
9929
+ weteag1
9930
+ wetfig1
9931
+ wethil1
9932
+ wetjer2
9933
+ wetpig1
9934
+ wetsab2
9935
+ wetsab3
9936
+ wetshe
9937
+ wettyr1
9938
+ wewpew
9939
+ weywea1
9940
+ wfbcha1
9941
+ wfbeat1
9942
+ wfcdov1
9943
+ wfgtyr1
9944
+ wfqdov
9945
+ wfqdov1
9946
+ wfsowl2
9947
+ wfspet
9948
+ wfwduc1
9949
+ wfweye1
9950
+ whbant1
9951
+ whbant2
9952
+ whbant3
9953
+ whbant4
9954
+ whbant5
9955
+ whbant6
9956
+ whbant7
9957
+ whbbab1
9958
+ whbbab2
9959
+ whbbab3
9960
+ whbbla2
9961
+ whbblt1
9962
+ whbbul2
9963
+ whbbus2
9964
+ whbbus4
9965
+ whbcan1
9966
+ whbcha1
9967
+ whbcha2
9968
+ whbcin1
9969
+ whbcon1
9970
+ whbcou1
9971
+ whbcou3
9972
+ whbcra1
9973
+ whbcro2
9974
+ whbcus1
9975
+ whbcus2
9976
+ whbcus4
9977
+ whbdac1
9978
+ whbdro1
9979
+ whbduc1
9980
+ whbeme1
9981
+ whbfan1
9982
+ whbfan2
9983
+ whbfin1
9984
+ whbflo1
9985
+ whbfly1
9986
+ whbfog1
9987
+ whbfrd1
9988
+ whbful1
9989
+ whbgre1
9990
+ whbgua1
9991
+ whbgui1
9992
+ whbhaw2
9993
+ whbhel1
9994
+ whbher1
9995
+ whbher2
9996
+ whbher3
9997
+ whbhum1
9998
+ whbkin1
9999
+ whblau1
10000
+ whbman1
10001
+ whbman2
10002
+ whbmes2
10003
+ whbmin2
10004
+ whbmin3
10005
+ whbmoc1
10006
+ whbmon1
10007
+ whbmou1
10008
+ whbmun1
10009
+ whbneg2
10010
+ whbnot1
10011
+ whbnut
10012
+ whbnut1
10013
+ whbowl1
10014
+ whbpar1
10015
+ whbpic1
10016
+ whbpic2
10017
+ whbpic3
10018
+ whbpig1
10019
+ whbpit1
10020
+ whbpur1
10021
+ whbred1
10022
+ whbrob1
10023
+ whbrob2
10024
+ whbros1
10025
+ whbscr1
10026
+ whbscr3
10027
+ whbsee1
10028
+ whbsee2
10029
+ whbsha1
10030
+ whbsho1
10031
+ whbsho12
10032
+ whbsho3
10033
+ whbsho4
10034
+ whbsho5
10035
+ whbsho6
10036
+ whbspi1
10037
+ whbspi2
10038
+ whbsta1
10039
+ whbsun2
10040
+ whbswa2
10041
+ whbswa3
10042
+ whbtai1
10043
+ whbtan1
10044
+ whbtap1
10045
+ whbtap2
10046
+ whbthr1
10047
+ whbthr2
10048
+ whbtit4
10049
+ whbtit5
10050
+ whbtot1
10051
+ whbtre1
10052
+ whbtre2
10053
+ whbtri1
10054
+ whbtyr1
10055
+ whbtyr2
10056
+ whbvul1
10057
+ whbwag1
10058
+ whbwar2
10059
+ whbwat1
10060
+ whbwea1
10061
+ whbwhe1
10062
+ whbwhe3
10063
+ whbwhi1
10064
+ whbwhi2
10065
+ whbwoo1
10066
+ whbwoo2
10067
+ whbwoo4
10068
+ whbwoo5
10069
+ whbwoo6
10070
+ whbwoo7
10071
+ whbwoo8
10072
+ whbwre1
10073
+ whbyuh1
10074
+ whcalb1
10075
+ whcale1
10076
+ whcant1
10077
+ whcbab1
10078
+ whcbar1
10079
+ whcbit1
10080
+ whcbla1
10081
+ whcbul1
10082
+ whcbul2
10083
+ whccoq1
10084
+ whccot1
10085
+ whcdip1
10086
+ whcela1
10087
+ whcela4
10088
+ whceme1
10089
+ whcfor1
10090
+ whcfor3
10091
+ whcgua1
10092
+ whchon2
10093
+ whchor2
10094
+ whchor3
10095
+ whcjac1
10096
+ whcjay2
10097
+ whckit1
10098
+ whckoe1
10099
+ whclau1
10100
+ whclau2
10101
+ whcman1
10102
+ whcman2
10103
+ whcmon1
10104
+ whcmon2
10105
+ whcmun1
10106
+ whcmyz1
10107
+ whcnut1
10108
+ whcoli1
10109
+ whcpar
10110
+ whcpar1
10111
+ whcpet1
10112
+ whcpig1
10113
+ whcpig2
10114
+ whcpin
10115
+ whcpri2
10116
+ whcpuf1
10117
+ whcred1
10118
+ whcsap1
10119
+ whcsee
10120
+ whcsee1
10121
+ whcshr1
10122
+ whcspa
10123
+ whcspa1
10124
+ whcsta1
10125
+ whcsta2
10126
+ whcsta3
10127
+ whcswi
10128
+ whcswi1
10129
+ whcswi2
10130
+ whctan1
10131
+ whctap1
10132
+ whcter1
10133
+ whcthi1
10134
+ whcthr1
10135
+ whctin1
10136
+ whctit1
10137
+ whctur1
10138
+ whctur2
10139
+ whctyr1
10140
+ whcwoo1
10141
+ whcyuh1
10142
+ wheant1
10143
+ whebar1
10144
+ whebul1
10145
+ whebuz1
10146
+ whecat1
10147
+ whecon1
10148
+ whedov1
10149
+ wheduc1
10150
+ whegul2
10151
+ whehon1
10152
+ whehum
10153
+ wheimp1
10154
+ wheimp2
10155
+ whejac1
10156
+ whemon1
10157
+ wheori1
10158
+ whepar2
10159
+ whephe1
10160
+ whepuf1
10161
+ wherob1
10162
+ whesib1
10163
+ wheslf1
10164
+ whesol1
10165
+ whesta2
10166
+ whetai1
10167
+ whethr1
10168
+ whevir
10169
+ whfant1
10170
+ whfant2
10171
+ whfant4
10172
+ whfant6
10173
+ whfcha1
10174
+ whfdov2
10175
+ whffal1
10176
+ whfher1
10177
+ whfhon1
10178
+ whfibi
10179
+ whfman1
10180
+ whfnun1
10181
+ whfnun2
10182
+ whfpar1
10183
+ whfplo1
10184
+ whfred1
10185
+ whfred2
10186
+ whfrob1
10187
+ whfsta2
10188
+ whfsun1
10189
+ whfswi1
10190
+ whfter1
10191
+ whftit2
10192
+ whfwoo1
10193
+ whgfly1
10194
+ whghon1
10195
+ whgpig1
10196
+ whhbab2
10197
+ whhbar1
10198
+ whhbul1
10199
+ whhduc1
10200
+ whhlap1
10201
+ whhmou1
10202
+ whhmun1
10203
+ whhpet1
10204
+ whhpig1
10205
+ whhsaw1
10206
+ whhsta2
10207
+ whhstd1
10208
+ whhvan1
10209
+ whhvul1
10210
+ whhwoo
10211
+ whhwoo1
10212
+ whhwre1
10213
+ whiant1
10214
+ whiauk
10215
+ whibel2
10216
+ whibro1
10217
+ whicis1
10218
+ whicoc1
10219
+ whieap2
10220
+ whiflo1
10221
+ whifly1
10222
+ whihaw1
10223
+ whihel1
10224
+ whiher1
10225
+ whiibi
10226
+ whiimp1
10227
+ whikit1
10228
+ whimbr
10229
+ whimbr3
10230
+ whimon1
10231
+ whinch1
10232
+ whipit1
10233
+ whispi1
10234
+ whisto1
10235
+ whiswi1
10236
+ whiteh1
10237
+ whiter
10238
+ whiter2
10239
+ whitre1
10240
+ whitro1
10241
+ whiwag
10242
+ whiwar1
10243
+ whiwar2
10244
+ whiwoo1
10245
+ whiwre1
10246
+ whiyuh1
10247
+ whlant1
10248
+ whlant2
10249
+ whlgna2
10250
+ whlgna3
10251
+ whlhon1
10252
+ whlori1
10253
+ whlspi1
10254
+ whltan1
10255
+ whltyr1
10256
+ whlwar1
10257
+ whmant2
10258
+ whmbar1
10259
+ whmtyr1
10260
+ whnbab1
10261
+ whncra1
10262
+ whncro1
10263
+ whnfri1
10264
+ whnhaw2
10265
+ whnhon2
10266
+ whnhon3
10267
+ whnjac1
10268
+ whnjay1
10269
+ whnlau1
10270
+ whnlor2
10271
+ whnmon1
10272
+ whnmyn1
10273
+ whnpar1
10274
+ whnpar2
10275
+ whnpet
10276
+ whnpig1
10277
+ whnpuf2
10278
+ whnrav1
10279
+ whnrob1
10280
+ whnroc1
10281
+ whnsee1
10282
+ whnswi1
10283
+ whnwoo1
10284
+ whnxen1
10285
+ whnyuh1
10286
+ whocra
10287
+ whoswa
10288
+ whpant1
10289
+ whphon1
10290
+ whqbus1
10291
+ whrbab2
10292
+ whrcha1
10293
+ whrcus1
10294
+ whrfal1
10295
+ whrfly
10296
+ whrhaw1
10297
+ whrkin1
10298
+ whrman1
10299
+ whrmon2
10300
+ whrmun
10301
+ whrnee1
10302
+ whrrob2
10303
+ whrsan
10304
+ whrsee
10305
+ whrsha
10306
+ whrsha2
10307
+ whrshr1
10308
+ whrsir1
10309
+ whrsno1
10310
+ whrswa1
10311
+ whrswi1
10312
+ whrswi2
10313
+ whrtan1
10314
+ whrtri1
10315
+ whrvul1
10316
+ whsant1
10317
+ whsant2
10318
+ whsant4
10319
+ whsblt1
10320
+ whsbul1
10321
+ whsfai1
10322
+ whsflo1
10323
+ whsflu1
10324
+ whsfri1
10325
+ whshil1
10326
+ whshon1
10327
+ whsibi1
10328
+ whsowl1
10329
+ whsrob1
10330
+ whssta2
10331
+ whstan1
10332
+ whswar1
10333
+ whswar2
10334
+ whswoo1
10335
+ whswoo2
10336
+ whtant1
10337
+ whtant2
10338
+ whtbab1
10339
+ whtbar1
10340
+ whtblc1
10341
+ whtbul1
10342
+ whtbus1
10343
+ whtcac2
10344
+ whtcan1
10345
+ whtcar1
10346
+ whtcis1
10347
+ whtcot1
10348
+ whtcra1
10349
+ whtdip1
10350
+ whtdov
10351
+ whteag
10352
+ whtear1
10353
+ whteme1
10354
+ whtfan1
10355
+ whtflo1
10356
+ whtfly1
10357
+ whtfly2
10358
+ whtfra2
10359
+ whtger1
10360
+ whtgol1
10361
+ whtgra1
10362
+ whtgre2
10363
+ whtgre3
10364
+ whthaw
10365
+ whthaw1
10366
+ whthil2
10367
+ whthil3
10368
+ whthon1
10369
+ whthon2
10370
+ whthor1
10371
+ whthum1
10372
+ whthum2
10373
+ whtior1
10374
+ whtjac1
10375
+ whtjay1
10376
+ whtjay2
10377
+ whtkin1
10378
+ whtkin2
10379
+ whtkit
10380
+ whtlap1
10381
+ whtlar1
10382
+ whtlau1
10383
+ whtman1
10384
+ whtmog2
10385
+ whtmon1
10386
+ whtmon2
10387
+ whtnee
10388
+ whtnig1
10389
+ whtnig3
10390
+ whtnut1
10391
+ whtoxy1
10392
+ whtpew1
10393
+ whtpla1
10394
+ whtpta1
10395
+ whtque1
10396
+ whtrai1
10397
+ whtred1
10398
+ whtrob1
10399
+ whtrob2
10400
+ whtrob3
10401
+ whtsab1
10402
+ whtsco1
10403
+ whtsee1
10404
+ whtshr1
10405
+ whtsic1
10406
+ whtspa
10407
+ whtspa1
10408
+ whtsta1
10409
+ whtsto2
10410
+ whtsun1
10411
+ whtswa1
10412
+ whtswa2
10413
+ whtswa3
10414
+ whtswi
10415
+ whtswi1
10416
+ whttap1
10417
+ whtthr2
10418
+ whttin1
10419
+ whttit1
10420
+ whttou1
10421
+ whttow1
10422
+ whttre2
10423
+ whttre3
10424
+ whttro
10425
+ whttro1
10426
+ whttyr1
10427
+ whttyr2
10428
+ whtwar1
10429
+ whtwhe1
10430
+ whtwoo1
10431
+ whtwoo2
10432
+ whtwrb1
10433
+ whveup1
10434
+ whvmyn
10435
+ whvmyn1
10436
+ whvplu1
10437
+ whvsha1
10438
+ whvwhi1
10439
+ whwapa1
10440
+ whwbec1
10441
+ whwblt1
10442
+ whwblt2
10443
+ whwblt3
10444
+ whwcho1
10445
+ whwcin1
10446
+ whwcoo1
10447
+ whwcot1
10448
+ whwcro
10449
+ whwcus1
10450
+ whwdov
10451
+ whwduc1
10452
+ whwfai1
10453
+ whwfan1
10454
+ whwflu1
10455
+ whwgro1
10456
+ whwgua1
10457
+ whwher1
10458
+ whwlar1
10459
+ whwlau1
10460
+ whwmag1
10461
+ whwnig1
10462
+ whwpar
10463
+ whwpic1
10464
+ whwpot1
10465
+ whwpuf1
10466
+ whwred2
10467
+ whwrob2
10468
+ whwsan1
10469
+ whwsco
10470
+ whwsco1
10471
+ whwsco4
10472
+ whwsno1
10473
+ whwspi1
10474
+ whwswa1
10475
+ whwtan1
10476
+ whwter
10477
+ whwtit2
10478
+ whwtri1
10479
+ whwtri2
10480
+ whwwar1
10481
+ whwwid1
10482
+ whwwoo1
10483
+ whybar1
10484
+ wibant1
10485
+ wibhor1
10486
+ wibpip1
10487
+ wibsee1
10488
+ wibwre1
10489
+ wictho2
10490
+ wilant1
10491
+ wilfin3
10492
+ wilfly
10493
+ wilhon2
10494
+ willar1
10495
+ willet1
10496
+ wilpha
10497
+ wilplo
10498
+ wilpta
10499
+ wilsap
10500
+ wilsni1
10501
+ wiltit1
10502
+ wiltur
10503
+ wilwag1
10504
+ wincis1
10505
+ wincis3
10506
+ wincis4
10507
+ wincis5
10508
+ wincis6
10509
+ winwre3
10510
+ winwre4
10511
+ wisbou1
10512
+ wiscis1
10513
+ wispet
10514
+ withum1
10515
+ witman1
10516
+ witman2
10517
+ witswa1
10518
+ wiwduc1
10519
+ wlswar
10520
+ wlwwar
10521
+ wnbfin1
10522
+ woewar1
10523
+ wofdov1
10524
+ wonpig1
10525
+ wonsto1
10526
+ wooant1
10527
+ woobat1
10528
+ wooduc
10529
+ woofin1
10530
+ wookin1
10531
+ woolar1
10532
+ woopip1
10533
+ woorai1
10534
+ woosan
10535
+ wooscj2
10536
+ wooshr1
10537
+ woosni1
10538
+ woosto
10539
+ woothr
10540
+ woowar
10541
+ worspa
10542
+ wqrpig1
10543
+ wrbfin1
10544
+ wrbhor1
10545
+ wrbhor2
10546
+ wrehor1
10547
+ wrenth1
10548
+ wrenti
10549
+ wrihor1
10550
+ wrihor2
10551
+ wrlrus1
10552
+ wrspet
10553
+ wrybil1
10554
+ wsfeye1
10555
+ wsfrai1
10556
+ wstdro1
10557
+ wsweye1
10558
+ wtathr1
10559
+ wtbeat1
10560
+ wtbfly1
10561
+ wtbswa1
10562
+ wtcfly1
10563
+ wtfgle1
10564
+ wtgdov1
10565
+ wtgfin1
10566
+ wtmbab1
10567
+ wtmgem1
10568
+ wtmjay1
10569
+ wtqdov1
10570
+ wtrcha1
10571
+ wtrthr1
10572
+ wtsfin1
10573
+ wtstan1
10574
+ wtstyr1
10575
+ wtweye1
10576
+ wvbsun1
10577
+ wvspet1
10578
+ wvvear1
10579
+ wwbfin1
10580
+ wwccha1
10581
+ wwcdov1
10582
+ wwdfin1
10583
+ wwstan1
10584
+ wwswar1
10585
+ wynlau1
10586
+ xanhum
10587
+ xanmur1
10588
+ xanmur2
10589
+ xavgre1
10590
+ xigjay1
10591
+ y00475
10592
+ y00478
10593
+ y00599
10594
+ yaglor2
10595
+ yapant1
10596
+ yapmon1
10597
+ yapwhe1
10598
+ ybbwar1
10599
+ ybfdov1
10600
+ ybfdov2
10601
+ ybsvir1
10602
+ ybtfly1
10603
+ ybttyr1
10604
+ ybweye1
10605
+ ycnher
10606
+ ycppar1
10607
+ yebant1
10608
+ yebant2
10609
+ yebant3
10610
+ yebapa1
10611
+ yebasi1
10612
+ yebbab1
10613
+ yebbar1
10614
+ yebbar2
10615
+ yebboa1
10616
+ yebbou1
10617
+ yebbow1
10618
+ yebbrf1
10619
+ yebbru1
10620
+ yebbul2
10621
+ yebbul3
10622
+ yebbun
10623
+ yebbun1
10624
+ yebbuw2
10625
+ yebcac1
10626
+ yebcam1
10627
+ yebcar
10628
+ yebcha
10629
+ yebcho1
10630
+ yebcht1
10631
+ yebcot1
10632
+ yebcra1
10633
+ yebcuc
10634
+ yebdac1
10635
+ yebduc1
10636
+ yebela1
10637
+ yebere1
10638
+ yebfan1
10639
+ yebfin1
10640
+ yebflo1
10641
+ yebflo2
10642
+ yebfly
10643
+ yebfly1
10644
+ yebfly2
10645
+ yebfly4
10646
+ yebger1
10647
+ yebgre1
10648
+ yebgre3
10649
+ yebgre4
10650
+ yebgro1
10651
+ yebhyl1
10652
+ yebjac1
10653
+ yebkin1
10654
+ yeblon1
10655
+ yebloo
10656
+ yeblor1
10657
+ yeblor2
10658
+ yebmag
10659
+ yebmag1
10660
+ yebmal1
10661
+ yebmel1
10662
+ yebnun1
10663
+ yebnut1
10664
+ yebori1
10665
+ yeboxp1
10666
+ yeboxy1
10667
+ yebpar1
10668
+ yebpin1
10669
+ yebpip2
10670
+ yebpri1
10671
+ yebrat1
10672
+ yebrob1
10673
+ yebsap
10674
+ yebsat1
10675
+ yebsee1
10676
+ yebsee2
10677
+ yebshr1
10678
+ yebsis1
10679
+ yebspa1
10680
+ yebspo1
10681
+ yebsto1
10682
+ yebtai1
10683
+ yebtan1
10684
+ yebtan2
10685
+ yebtea1
10686
+ yebter2
10687
+ yebtit3
10688
+ yebtit4
10689
+ yebtou1
10690
+ yebtur1
10691
+ yebtyr1
10692
+ yebtyr2
10693
+ yebwaa1
10694
+ yebwar1
10695
+ yebwar2
10696
+ yebwar3
10697
+ yebwax2
10698
+ yebwhe1
10699
+ yebwhi1
10700
+ yecbar1
10701
+ yecbis
10702
+ yeccan1
10703
+ yecchl1
10704
+ yeccoc1
10705
+ yecela1
10706
+ yeceup1
10707
+ yechel1
10708
+ yechor1
10709
+ yeclov
10710
+ yecmac
10711
+ yecman2
10712
+ yecpar
10713
+ yecred1
10714
+ yecspi2
10715
+ yectan1
10716
+ yectit1
10717
+ yectyr1
10718
+ yecwea1
10719
+ yecwoo1
10720
+ yeebab1
10721
+ yeebul1
10722
+ yeecus1
10723
+ yeehon1
10724
+ yeejun
10725
+ yeejun2
10726
+ yeepar1
10727
+ yeepen1
10728
+ yeespi1
10729
+ yeesta1
10730
+ yeetou1
10731
+ yeewoo1
10732
+ yefbar1
10733
+ yefcan
10734
+ yeffla1
10735
+ yeffly1
10736
+ yefgra1
10737
+ yefgul
10738
+ yefhon1
10739
+ yefhon2
10740
+ yefmyn1
10741
+ yefpar2
10742
+ yefpar3
10743
+ yefpar4
10744
+ yefpar5
10745
+ yefpig1
10746
+ yefsis1
10747
+ yeftin1
10748
+ yefwoo1
10749
+ yegfin1
10750
+ yeggro1
10751
+ yeghon1
10752
+ yegtyr1
10753
+ yegvir
10754
+ yehbla
10755
+ yehbla2
10756
+ yehbrf1
10757
+ yehcar1
10758
+ yehman2
10759
+ yehpar
10760
+ yehpar2
10761
+ yehwar1
10762
+ yekcur1
10763
+ yelbis1
10764
+ yelbit
10765
+ yelbul1
10766
+ yelbun1
10767
+ yelbut1
10768
+ yelcan1
10769
+ yelcar1
10770
+ yelcha1
10771
+ yelfly1
10772
+ yelfly2
10773
+ yelfly4
10774
+ yelgro
10775
+ yelgul1
10776
+ yelhon1
10777
+ yellon1
10778
+ yellow2
10779
+ yellow3
10780
+ yellow5
10781
+ yellow6
10782
+ yelori1
10783
+ yelpar1
10784
+ yelpig1
10785
+ yelpip2
10786
+ yelpip3
10787
+ yelrai
10788
+ yelrob1
10789
+ yeltho1
10790
+ yelthr1
10791
+ yeltin1
10792
+ yeltit2
10793
+ yeltyr1
10794
+ yelwar
10795
+ yelwar1
10796
+ yelwat1
10797
+ yelwea1
10798
+ yelwea2
10799
+ yelwhe1
10800
+ yemacc1
10801
+ yemfly1
10802
+ yemfly2
10803
+ yemlin1
10804
+ yemser1
10805
+ yemthr1
10806
+ yemwar1
10807
+ yemwea1
10808
+ yenalb
10809
+ yenalb3
10810
+ yengre1
10811
+ yenpar1
10812
+ yenspu1
10813
+ yeofly1
10814
+ yephon1
10815
+ yeptit1
10816
+ yerant1
10817
+ yercac1
10818
+ yerere1
10819
+ yerflo1
10820
+ yerhon1
10821
+ yermar1
10822
+ yermun1
10823
+ yerser1
10824
+ yersis1
10825
+ yertho1
10826
+ yertin1
10827
+ yerwar
10828
+ yerwar2
10829
+ yesbar1
10830
+ yesbla1
10831
+ yesbul1
10832
+ yesflo1
10833
+ yesgra1
10834
+ yesgre2
10835
+ yesgro2
10836
+ yeshon1
10837
+ yeslor1
10838
+ yesnic1
10839
+ yespar1
10840
+ yespet1
10841
+ yestan1
10842
+ yeswar1
10843
+ yeswid2
10844
+ yetant1
10845
+ yetbul1
10846
+ yetbun1
10847
+ yetcuc1
10848
+ yeteup1
10849
+ yetfin1
10850
+ yetfly2
10851
+ yetful1
10852
+ yetgre1
10853
+ yethon1
10854
+ yethon2
10855
+ yethon3
10856
+ yetlau1
10857
+ yetlea1
10858
+ yetlon1
10859
+ yetmin1
10860
+ yetnic1
10861
+ yetori1
10862
+ yetpet1
10863
+ yetpip1
10864
+ yetsan1
10865
+ yetscr1
10866
+ yetser1
10867
+ yetspa1
10868
+ yettan1
10869
+ yettin1
10870
+ yetvir
10871
+ yetwar
10872
+ yetwar3
10873
+ yetwhi1
10874
+ yetwoo1
10875
+ yetwoo2
10876
+ yetwow1
10877
+ yevbul1
10878
+ yevere1
10879
+ yevflo1
10880
+ yevmyz1
10881
+ yevpig1
10882
+ yevwar1
10883
+ yevwoo1
10884
+ yewbla2
10885
+ yewbul1
10886
+ yewcac1
10887
+ yewgre1
10888
+ yewlap2
10889
+ yewtan1
10890
+ yewvir1
10891
+ yfweye1
10892
+ ygbtan1
10893
+ ysbfin1
10894
+ ysweye1
10895
+ ytbcoc1
10896
+ ytbtan1
10897
+ ythpar1
10898
+ ytweye1
10899
+ yucfly1
10900
+ yucjay1
10901
+ yucnig1
10902
+ yucpoo1
10903
+ yucvir
10904
+ yucwoo
10905
+ yucwre1
10906
+ yunman1
10907
+ yunnut1
10908
+ yuntyr1
10909
+ yupowl1
10910
+ yuttyr1
10911
+ ywcpar
10912
+ zambul1
10913
+ zanbis1
10914
+ zanbou1
10915
+ zapfly1
10916
+ zaprai1
10917
+ zapspa1
10918
+ zapwre1
10919
+ zebdov
10920
+ zebfin2
10921
+ zebwax2
10922
+ zelant1
10923
+ zendov
10924
+ zenhon1
10925
+ zigher1
10926
+ zimant1
10927
+ zimtap1
10928
+ zimwoo2
10929
+ zitcis1
10930
+ zittyr1
10931
+ zoeimp1
10932
+ zothaw
google_perch_lite/licence.md ADDED
@@ -0,0 +1,202 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
+ Apache License
3
+ Version 2.0, January 2004
4
+ http://www.apache.org/licenses/
5
+
6
+ TERMS AND CONDITIONS FOR USE, REPRODUCTION, AND DISTRIBUTION
7
+
8
+ 1. Definitions.
9
+
10
+ "License" shall mean the terms and conditions for use, reproduction,
11
+ and distribution as defined by Sections 1 through 9 of this document.
12
+
13
+ "Licensor" shall mean the copyright owner or entity authorized by
14
+ the copyright owner that is granting the License.
15
+
16
+ "Legal Entity" shall mean the union of the acting entity and all
17
+ other entities that control, are controlled by, or are under common
18
+ control with that entity. For the purposes of this definition,
19
+ "control" means (i) the power, direct or indirect, to cause the
20
+ direction or management of such entity, whether by contract or
21
+ otherwise, or (ii) ownership of fifty percent (50%) or more of the
22
+ outstanding shares, or (iii) beneficial ownership of such entity.
23
+
24
+ "You" (or "Your") shall mean an individual or Legal Entity
25
+ exercising permissions granted by this License.
26
+
27
+ "Source" form shall mean the preferred form for making modifications,
28
+ including but not limited to software source code, documentation
29
+ source, and configuration files.
30
+
31
+ "Object" form shall mean any form resulting from mechanical
32
+ transformation or translation of a Source form, including but
33
+ not limited to compiled object code, generated documentation,
34
+ and conversions to other media types.
35
+
36
+ "Work" shall mean the work of authorship, whether in Source or
37
+ Object form, made available under the License, as indicated by a
38
+ copyright notice that is included in or attached to the work
39
+ (an example is provided in the Appendix below).
40
+
41
+ "Derivative Works" shall mean any work, whether in Source or Object
42
+ form, that is based on (or derived from) the Work and for which the
43
+ editorial revisions, annotations, elaborations, or other modifications
44
+ represent, as a whole, an original work of authorship. For the purposes
45
+ of this License, Derivative Works shall not include works that remain
46
+ separable from, or merely link (or bind by name) to the interfaces of,
47
+ the Work and Derivative Works thereof.
48
+
49
+ "Contribution" shall mean any work of authorship, including
50
+ the original version of the Work and any modifications or additions
51
+ to that Work or Derivative Works thereof, that is intentionally
52
+ submitted to Licensor for inclusion in the Work by the copyright owner
53
+ or by an individual or Legal Entity authorized to submit on behalf of
54
+ the copyright owner. For the purposes of this definition, "submitted"
55
+ means any form of electronic, verbal, or written communication sent
56
+ to the Licensor or its representatives, including but not limited to
57
+ communication on electronic mailing lists, source code control systems,
58
+ and issue tracking systems that are managed by, or on behalf of, the
59
+ Licensor for the purpose of discussing and improving the Work, but
60
+ excluding communication that is conspicuously marked or otherwise
61
+ designated in writing by the copyright owner as "Not a Contribution."
62
+
63
+ "Contributor" shall mean Licensor and any individual or Legal Entity
64
+ on behalf of whom a Contribution has been received by Licensor and
65
+ subsequently incorporated within the Work.
66
+
67
+ 2. Grant of Copyright License. Subject to the terms and conditions of
68
+ this License, each Contributor hereby grants to You a perpetual,
69
+ worldwide, non-exclusive, no-charge, royalty-free, irrevocable
70
+ copyright license to reproduce, prepare Derivative Works of,
71
+ publicly display, publicly perform, sublicense, and distribute the
72
+ Work and such Derivative Works in Source or Object form.
73
+
74
+ 3. Grant of Patent License. Subject to the terms and conditions of
75
+ this License, each Contributor hereby grants to You a perpetual,
76
+ worldwide, non-exclusive, no-charge, royalty-free, irrevocable
77
+ (except as stated in this section) patent license to make, have made,
78
+ use, offer to sell, sell, import, and otherwise transfer the Work,
79
+ where such license applies only to those patent claims licensable
80
+ by such Contributor that are necessarily infringed by their
81
+ Contribution(s) alone or by combination of their Contribution(s)
82
+ with the Work to which such Contribution(s) was submitted. If You
83
+ institute patent litigation against any entity (including a
84
+ cross-claim or counterclaim in a lawsuit) alleging that the Work
85
+ or a Contribution incorporated within the Work constitutes direct
86
+ or contributory patent infringement, then any patent licenses
87
+ granted to You under this License for that Work shall terminate
88
+ as of the date such litigation is filed.
89
+
90
+ 4. Redistribution. You may reproduce and distribute copies of the
91
+ Work or Derivative Works thereof in any medium, with or without
92
+ modifications, and in Source or Object form, provided that You
93
+ meet the following conditions:
94
+
95
+ (a) You must give any other recipients of the Work or
96
+ Derivative Works a copy of this License; and
97
+
98
+ (b) You must cause any modified files to carry prominent notices
99
+ stating that You changed the files; and
100
+
101
+ (c) You must retain, in the Source form of any Derivative Works
102
+ that You distribute, all copyright, patent, trademark, and
103
+ attribution notices from the Source form of the Work,
104
+ excluding those notices that do not pertain to any part of
105
+ the Derivative Works; and
106
+
107
+ (d) If the Work includes a "NOTICE" text file as part of its
108
+ distribution, then any Derivative Works that You distribute must
109
+ include a readable copy of the attribution notices contained
110
+ within such NOTICE file, excluding those notices that do not
111
+ pertain to any part of the Derivative Works, in at least one
112
+ of the following places: within a NOTICE text file distributed
113
+ as part of the Derivative Works; within the Source form or
114
+ documentation, if provided along with the Derivative Works; or,
115
+ within a display generated by the Derivative Works, if and
116
+ wherever such third-party notices normally appear. The contents
117
+ of the NOTICE file are for informational purposes only and
118
+ do not modify the License. You may add Your own attribution
119
+ notices within Derivative Works that You distribute, alongside
120
+ or as an addendum to the NOTICE text from the Work, provided
121
+ that such additional attribution notices cannot be construed
122
+ as modifying the License.
123
+
124
+ You may add Your own copyright statement to Your modifications and
125
+ may provide additional or different license terms and conditions
126
+ for use, reproduction, or distribution of Your modifications, or
127
+ for any such Derivative Works as a whole, provided Your use,
128
+ reproduction, and distribution of the Work otherwise complies with
129
+ the conditions stated in this License.
130
+
131
+ 5. Submission of Contributions. Unless You explicitly state otherwise,
132
+ any Contribution intentionally submitted for inclusion in the Work
133
+ by You to the Licensor shall be under the terms and conditions of
134
+ this License, without any additional terms or conditions.
135
+ Notwithstanding the above, nothing herein shall supersede or modify
136
+ the terms of any separate license agreement you may have executed
137
+ with Licensor regarding such Contributions.
138
+
139
+ 6. Trademarks. This License does not grant permission to use the trade
140
+ names, trademarks, service marks, or product names of the Licensor,
141
+ except as required for reasonable and customary use in describing the
142
+ origin of the Work and reproducing the content of the NOTICE file.
143
+
144
+ 7. Disclaimer of Warranty. Unless required by applicable law or
145
+ agreed to in writing, Licensor provides the Work (and each
146
+ Contributor provides its Contributions) on an "AS IS" BASIS,
147
+ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or
148
+ implied, including, without limitation, any warranties or conditions
149
+ of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A
150
+ PARTICULAR PURPOSE. You are solely responsible for determining the
151
+ appropriateness of using or redistributing the Work and assume any
152
+ risks associated with Your exercise of permissions under this License.
153
+
154
+ 8. Limitation of Liability. In no event and under no legal theory,
155
+ whether in tort (including negligence), contract, or otherwise,
156
+ unless required by applicable law (such as deliberate and grossly
157
+ negligent acts) or agreed to in writing, shall any Contributor be
158
+ liable to You for damages, including any direct, indirect, special,
159
+ incidental, or consequential damages of any character arising as a
160
+ result of this License or out of the use or inability to use the
161
+ Work (including but not limited to damages for loss of goodwill,
162
+ work stoppage, computer failure or malfunction, or any and all
163
+ other commercial damages or losses), even if such Contributor
164
+ has been advised of the possibility of such damages.
165
+
166
+ 9. Accepting Warranty or Additional Liability. While redistributing
167
+ the Work or Derivative Works thereof, You may choose to offer,
168
+ and charge a fee for, acceptance of support, warranty, indemnity,
169
+ or other liability obligations and/or rights consistent with this
170
+ License. However, in accepting such obligations, You may act only
171
+ on Your own behalf and on Your sole responsibility, not on behalf
172
+ of any other Contributor, and only if You agree to indemnify,
173
+ defend, and hold each Contributor harmless for any liability
174
+ incurred by, or claims asserted against, such Contributor by reason
175
+ of your accepting any such warranty or additional liability.
176
+
177
+ END OF TERMS AND CONDITIONS
178
+
179
+ APPENDIX: How to apply the Apache License to your work.
180
+
181
+ To apply the Apache License to your work, attach the following
182
+ boilerplate notice, with the fields enclosed by brackets "[]"
183
+ replaced with your own identifying information. (Don't include
184
+ the brackets!) The text should be enclosed in the appropriate
185
+ comment syntax for the file format. We also recommend that a
186
+ file or class name and description of purpose be included on the
187
+ same "printed page" as the copyright notice for easier
188
+ identification within third-party archives.
189
+
190
+ Copyright [yyyy] [name of copyright owner]
191
+
192
+ Licensed under the Apache License, Version 2.0 (the "License");
193
+ you may not use this file except in compliance with the License.
194
+ You may obtain a copy of the License at
195
+
196
+ http://www.apache.org/licenses/LICENSE-2.0
197
+
198
+ Unless required by applicable law or agreed to in writing, software
199
+ distributed under the License is distributed on an "AS IS" BASIS,
200
+ WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
201
+ See the License for the specific language governing permissions and
202
+ limitations under the License.
google_perch_lite/model.py ADDED
@@ -0,0 +1,95 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from iSparrow.model_base import ModelBase
2
+
3
+ try:
4
+ import tflite_runtime.interpreter as tflite
5
+ except ImportError:
6
+ import tensorflow.lite as tflite
7
+
8
+ from iSparrow import utils
9
+ from iSparrow import ModelBase
10
+
11
+ import numpy as np
12
+ from pathlib import Path
13
+ from scipy.special import softmax
14
+
15
+
16
+ class Model(ModelBase):
17
+ """
18
+ Model Implementation of a iSparrow model that uses the google perch tflite model.
19
+
20
+ Args:
21
+ ModelBase (iSparrow.ModelBase): Model base class that provides the interface through which to interact with iSparrow.
22
+ """
23
+
24
+ def __init__(self, model_path: str, num_threads: int = 1, **kwargs):
25
+ """
26
+ __init__ Create a new model instance that uses the google perch tflite converted model.
27
+
28
+ Args:
29
+ model_path (str): path to where the google perch tflite model is stored
30
+ num_threads (int, optional): number of threads to use. Defaults to 1.
31
+ """
32
+ labels_path = str(Path(model_path) / "labels.txt")
33
+ model_path = str(Path(model_path) / "model.tflite")
34
+
35
+ # base class loads the model and labels
36
+ super().__init__(
37
+ "google_perch_lite",
38
+ model_path,
39
+ labels_path,
40
+ num_threads=num_threads,
41
+ **kwargs
42
+ )
43
+
44
+ # store input and output index to not have to retrieve them each time an inference is made
45
+ input_details = self.model.get_input_details()
46
+
47
+ output_details = self.model.get_output_details()
48
+
49
+ self.input_layer_index = input_details[0]["index"]
50
+
51
+ self.output_layer_index = output_details[1]["index"]
52
+
53
+ def predict(self, sample: np.array) -> np.array:
54
+ """
55
+ predict Make inference about the bird species for the preprocessed data passed to this function as arguments.
56
+
57
+ Args:
58
+ data (np.array): list of preprocessed data chunks
59
+ Returns:
60
+ numpy array: array of probabilities per class
61
+ """
62
+ data = np.array([sample], dtype="float32")
63
+
64
+ self.model.resize_tensor_input(
65
+ self.input_layer_index, [len(data), *data[0].shape]
66
+ )
67
+ self.model.allocate_tensors()
68
+
69
+ # Make a prediction
70
+ self.model.set_tensor(self.input_layer_index, data)
71
+ self.model.invoke()
72
+
73
+ logits = self.model.get_tensor(self.output_layer_index)
74
+
75
+ confidence = softmax(logits)
76
+
77
+ return confidence
78
+
79
+ @classmethod
80
+ def from_cfg(cls, iSparrow_folder: str, cfg: dict):
81
+ """
82
+ from_cfg Create a new instance from a dictionary containing keyword arguments. Usually loaded from a config file.
83
+
84
+ Args:
85
+ iSparrow_dir (str): Installation directory of the iSparrow package
86
+ cfg (dict): Dictionary containing the keyword arguments
87
+
88
+ Returns:
89
+ Model: New model instance created with the supplied kwargs.
90
+ """
91
+ cfg["model_name"] = str(
92
+ Path(iSparrow_folder) / Path("models") / cfg["model_name"]
93
+ )
94
+
95
+ return cls(**cfg)
google_perch_lite/model.tflite ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:2e97549582d6a0b763a23f4feb661ac17f12f59a73e63452f77503f233ee1daf
3
+ size 84405592
google_perch_lite/preprocessor.py ADDED
@@ -0,0 +1,78 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import numpy as np
2
+ import iSparrow.preprocessor_base as ppb
3
+
4
+
5
+ class Preprocessor(ppb.PreprocessorBase):
6
+
7
+ def __init__(
8
+ self,
9
+ sample_rate: int = 32000,
10
+ sample_secs: float = 5.0,
11
+ resample_type: str = "kaiser_fast",
12
+ **kwargs
13
+ ):
14
+
15
+ super().__init__(
16
+ "google_perch_lite",
17
+ sample_rate=sample_rate,
18
+ sample_secs=sample_secs,
19
+ resample_type=resample_type,
20
+ **kwargs
21
+ )
22
+
23
+ def process_audio_data(self, rawdata: np.array) -> np.array:
24
+
25
+ # raise when sampling rate is unequal.
26
+ if self.actual_sampling_rate != self.sample_rate:
27
+ raise RuntimeError(
28
+ "Sampling rate is not the desired one. Desired sampling rate: {self.sample_rate}, actual sampling rate: {self.actual_sampling_rate}"
29
+ )
30
+
31
+ seconds = self.sample_secs
32
+ minlen = 1.5
33
+
34
+ self.chunks = []
35
+
36
+ for i in range(
37
+ 0, len(rawdata), int((seconds - self.overlap) * self.sample_rate)
38
+ ):
39
+
40
+ split = rawdata[i : (i + int(seconds * self.actual_sampling_rate))]
41
+
42
+ # End of signal?
43
+ if len(split) < int(minlen * self.actual_sampling_rate):
44
+ break
45
+
46
+ # Signal chunk too short? Fill with zeros.
47
+ if len(split) < int(self.actual_sampling_rate * seconds):
48
+ temp = np.zeros((int(self.actual_sampling_rate * seconds)))
49
+ temp[: len(split)] = split
50
+ split = temp
51
+
52
+ self.chunks.append(split)
53
+
54
+ print(
55
+ "process audio data google: complete, read ",
56
+ str(len(self.chunks)),
57
+ "chunks.",
58
+ flush=True,
59
+ )
60
+
61
+ return self.chunks
62
+
63
+ @classmethod
64
+ def from_cfg(cls, cfg: dict):
65
+
66
+ # make sure there are no more than the allowed keyword arguments in the cfg
67
+ allowed = [
68
+ "sample_rate",
69
+ "sample_secs",
70
+ "resample_type",
71
+ "duration",
72
+ "actual_sampling_rate",
73
+ ]
74
+
75
+ if len([key for key in cfg if key not in allowed]) > 0:
76
+ raise RuntimeError("Erroneous keyword arguments in preprocessor config")
77
+
78
+ return cls(**cfg)
google_perch_lite/tf_conversion.ipynb ADDED
@@ -0,0 +1,537 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "cells": [
3
+ {
4
+ "cell_type": "code",
5
+ "execution_count": null,
6
+ "metadata": {},
7
+ "outputs": [],
8
+ "source": [
9
+ "import tensorflow as tf"
10
+ ]
11
+ },
12
+ {
13
+ "cell_type": "code",
14
+ "execution_count": null,
15
+ "metadata": {},
16
+ "outputs": [],
17
+ "source": [
18
+ "help(tf.lite.TFLiteConverter)"
19
+ ]
20
+ },
21
+ {
22
+ "cell_type": "code",
23
+ "execution_count": null,
24
+ "metadata": {},
25
+ "outputs": [],
26
+ "source": [
27
+ "help(tf.lite.TargetSpec)"
28
+ ]
29
+ },
30
+ {
31
+ "cell_type": "code",
32
+ "execution_count": null,
33
+ "metadata": {},
34
+ "outputs": [],
35
+ "source": [
36
+ "model_dir = \"/path/to/original/google_bird_classification/google_perch\""
37
+ ]
38
+ },
39
+ {
40
+ "cell_type": "code",
41
+ "execution_count": null,
42
+ "metadata": {},
43
+ "outputs": [],
44
+ "source": [
45
+ "converter = tf.lite.TFLiteConverter.from_saved_model(model_dir)"
46
+ ]
47
+ },
48
+ {
49
+ "cell_type": "code",
50
+ "execution_count": null,
51
+ "metadata": {},
52
+ "outputs": [],
53
+ "source": [
54
+ "tflite_model = converter.convert()"
55
+ ]
56
+ },
57
+ {
58
+ "cell_type": "markdown",
59
+ "metadata": {},
60
+ "source": [
61
+ "The inclusion of the tensorflow ops makes the conversion work, but increases the size of the model substantially. It would be better to have an alternative, perhaps obtainable using the the google perch repo: https://github.com/google-research/perch"
62
+ ]
63
+ },
64
+ {
65
+ "cell_type": "code",
66
+ "execution_count": null,
67
+ "metadata": {},
68
+ "outputs": [],
69
+ "source": [
70
+ "converter.target_spec.supported_ops = [\n",
71
+ " tf.lite.OpsSet.TFLITE_BUILTINS, # enable TensorFlow Lite ops.\n",
72
+ " tf.lite.OpsSet.SELECT_TF_OPS # enable TensorFlow ops.\n",
73
+ "]"
74
+ ]
75
+ },
76
+ {
77
+ "cell_type": "code",
78
+ "execution_count": null,
79
+ "metadata": {},
80
+ "outputs": [],
81
+ "source": [
82
+ "tflite_model = converter.convert()\n"
83
+ ]
84
+ },
85
+ {
86
+ "cell_type": "code",
87
+ "execution_count": null,
88
+ "metadata": {},
89
+ "outputs": [],
90
+ "source": [
91
+ "with open(model_dir + \"/converted_model.tflite\", \"wb\") as modelfile: \n",
92
+ " modelfile.write(tflite_model)\n"
93
+ ]
94
+ },
95
+ {
96
+ "cell_type": "markdown",
97
+ "metadata": {},
98
+ "source": [
99
+ "# Try out our new model"
100
+ ]
101
+ },
102
+ {
103
+ "cell_type": "code",
104
+ "execution_count": null,
105
+ "metadata": {},
106
+ "outputs": [],
107
+ "source": [
108
+ "from tensorflow.signal import frame as tf_split_signal_into_chunks\n",
109
+ "import tensorflow as tf"
110
+ ]
111
+ },
112
+ {
113
+ "cell_type": "code",
114
+ "execution_count": null,
115
+ "metadata": {},
116
+ "outputs": [],
117
+ "source": [
118
+ "import tflite_runtime.interpreter as tflite\n"
119
+ ]
120
+ },
121
+ {
122
+ "cell_type": "code",
123
+ "execution_count": null,
124
+ "metadata": {},
125
+ "outputs": [],
126
+ "source": [
127
+ "model_dir = \"/path/to/model/google_bird_classification/google_perch\""
128
+ ]
129
+ },
130
+ {
131
+ "cell_type": "code",
132
+ "execution_count": null,
133
+ "metadata": {},
134
+ "outputs": [],
135
+ "source": [
136
+ "interpreter = tflite.Interpreter(model_path=model_dir + \"/model.tflite\")\n"
137
+ ]
138
+ },
139
+ {
140
+ "cell_type": "code",
141
+ "execution_count": null,
142
+ "metadata": {},
143
+ "outputs": [],
144
+ "source": [
145
+ "audiopath = \"/path/to/sample/soundfile/soundscape.wav\""
146
+ ]
147
+ },
148
+ {
149
+ "cell_type": "code",
150
+ "execution_count": null,
151
+ "metadata": {},
152
+ "outputs": [],
153
+ "source": [
154
+ "import numpy as np \n",
155
+ "import librosa"
156
+ ]
157
+ },
158
+ {
159
+ "cell_type": "code",
160
+ "execution_count": null,
161
+ "metadata": {},
162
+ "outputs": [],
163
+ "source": [
164
+ "def preprocess(path: str, sample_rate: int, sample_secs: float, overlap: float) -> list:\n",
165
+ " chunks = []\n",
166
+ " data, actual_sampling_rate = librosa.load(\n",
167
+ " path, sr=sample_rate, mono=True, res_type=\"kaiser_fast\"\n",
168
+ " )\n",
169
+ "\n",
170
+ " duration = librosa.get_duration(y=data, sr=sample_rate)\n",
171
+ " # raise when sampling rate is unequal.\n",
172
+ " if actual_sampling_rate != sample_rate:\n",
173
+ " raise RuntimeError(\n",
174
+ " \"Sampling rate is not the desired one. Desired sampling rate: {sample_rate}, actual sampling rate: {actual_sampling_rate}\"\n",
175
+ " )\n",
176
+ "\n",
177
+ " frame_length = int(sample_secs * sample_rate)\n",
178
+ " step_length = int(sample_secs - overlap) * sample_rate\n",
179
+ "\n",
180
+ " chunks = tf_split_signal_into_chunks(\n",
181
+ " data, frame_length, step_length, pad_end=True\n",
182
+ " ).numpy()\n",
183
+ "\n",
184
+ " print(\n",
185
+ " \"process audio data google: complete, read \",\n",
186
+ " str(len(chunks)),\n",
187
+ " \"chunks.\",\n",
188
+ " flush=True\n",
189
+ " )\n",
190
+ "\n",
191
+ " return chunks"
192
+ ]
193
+ },
194
+ {
195
+ "cell_type": "code",
196
+ "execution_count": null,
197
+ "metadata": {},
198
+ "outputs": [],
199
+ "source": [
200
+ "data = preprocess(audiopath, 32000, 5.0, 0.0)"
201
+ ]
202
+ },
203
+ {
204
+ "cell_type": "code",
205
+ "execution_count": null,
206
+ "metadata": {},
207
+ "outputs": [],
208
+ "source": [
209
+ "data"
210
+ ]
211
+ },
212
+ {
213
+ "cell_type": "code",
214
+ "execution_count": null,
215
+ "metadata": {},
216
+ "outputs": [],
217
+ "source": [
218
+ "my_signature = interpreter.get_signature_runner()"
219
+ ]
220
+ },
221
+ {
222
+ "cell_type": "code",
223
+ "execution_count": null,
224
+ "metadata": {},
225
+ "outputs": [],
226
+ "source": [
227
+ "input_details = my_signature.get_input_details()"
228
+ ]
229
+ },
230
+ {
231
+ "cell_type": "code",
232
+ "execution_count": null,
233
+ "metadata": {},
234
+ "outputs": [],
235
+ "source": [
236
+ "output_details = my_signature.get_output_details()"
237
+ ]
238
+ },
239
+ {
240
+ "cell_type": "code",
241
+ "execution_count": null,
242
+ "metadata": {},
243
+ "outputs": [],
244
+ "source": [
245
+ "input_details\n"
246
+ ]
247
+ },
248
+ {
249
+ "cell_type": "code",
250
+ "execution_count": null,
251
+ "metadata": {},
252
+ "outputs": [],
253
+ "source": [
254
+ "output_details"
255
+ ]
256
+ },
257
+ {
258
+ "cell_type": "code",
259
+ "execution_count": null,
260
+ "metadata": {},
261
+ "outputs": [],
262
+ "source": [
263
+ "output = my_signature(inputs = tf.constant([1], shape = (1, 160000), dtype=tf.float32 ))"
264
+ ]
265
+ },
266
+ {
267
+ "cell_type": "code",
268
+ "execution_count": null,
269
+ "metadata": {},
270
+ "outputs": [],
271
+ "source": [
272
+ "output[\"output_0\"]"
273
+ ]
274
+ },
275
+ {
276
+ "cell_type": "code",
277
+ "execution_count": null,
278
+ "metadata": {},
279
+ "outputs": [],
280
+ "source": [
281
+ "output[\"output_1\"]"
282
+ ]
283
+ },
284
+ {
285
+ "cell_type": "code",
286
+ "execution_count": null,
287
+ "metadata": {},
288
+ "outputs": [],
289
+ "source": [
290
+ "len(data)"
291
+ ]
292
+ },
293
+ {
294
+ "cell_type": "code",
295
+ "execution_count": null,
296
+ "metadata": {},
297
+ "outputs": [],
298
+ "source": [
299
+ "len(data[0])"
300
+ ]
301
+ },
302
+ {
303
+ "cell_type": "code",
304
+ "execution_count": null,
305
+ "metadata": {},
306
+ "outputs": [],
307
+ "source": [
308
+ "output = my_signature(inputs = data[0])"
309
+ ]
310
+ },
311
+ {
312
+ "cell_type": "code",
313
+ "execution_count": null,
314
+ "metadata": {},
315
+ "outputs": [],
316
+ "source": [
317
+ "interpreter = tflite.Interpreter(model_path=model_dir + \"/model.tflite\")"
318
+ ]
319
+ },
320
+ {
321
+ "cell_type": "code",
322
+ "execution_count": null,
323
+ "metadata": {},
324
+ "outputs": [],
325
+ "source": [
326
+ "interpreter.allocate_tensors()"
327
+ ]
328
+ },
329
+ {
330
+ "cell_type": "code",
331
+ "execution_count": null,
332
+ "metadata": {},
333
+ "outputs": [],
334
+ "source": [
335
+ "# Get input and output tensors.\n",
336
+ "input_details = interpreter.get_input_details()\n",
337
+ "output_details = interpreter.get_output_details()"
338
+ ]
339
+ },
340
+ {
341
+ "cell_type": "code",
342
+ "execution_count": null,
343
+ "metadata": {},
344
+ "outputs": [],
345
+ "source": [
346
+ "input_shape = input_details[0]['shape']\n"
347
+ ]
348
+ },
349
+ {
350
+ "cell_type": "code",
351
+ "execution_count": null,
352
+ "metadata": {},
353
+ "outputs": [],
354
+ "source": [
355
+ "input_data = np.array(np.random.random_sample(input_shape), dtype=np.float32)\n"
356
+ ]
357
+ },
358
+ {
359
+ "cell_type": "code",
360
+ "execution_count": null,
361
+ "metadata": {},
362
+ "outputs": [],
363
+ "source": [
364
+ "interpreter.set_tensor(input_details[0]['index'], input_data)"
365
+ ]
366
+ },
367
+ {
368
+ "cell_type": "code",
369
+ "execution_count": null,
370
+ "metadata": {},
371
+ "outputs": [],
372
+ "source": [
373
+ "interpreter.invoke()\n"
374
+ ]
375
+ },
376
+ {
377
+ "cell_type": "code",
378
+ "execution_count": null,
379
+ "metadata": {},
380
+ "outputs": [],
381
+ "source": [
382
+ "output_data = interpreter.get_tensor(output_details[0]['index'])\n"
383
+ ]
384
+ },
385
+ {
386
+ "cell_type": "code",
387
+ "execution_count": null,
388
+ "metadata": {},
389
+ "outputs": [],
390
+ "source": [
391
+ "sample = np.array([data[0]], dtype=\"float32\")"
392
+ ]
393
+ },
394
+ {
395
+ "cell_type": "code",
396
+ "execution_count": null,
397
+ "metadata": {},
398
+ "outputs": [],
399
+ "source": [
400
+ "sample.shape"
401
+ ]
402
+ },
403
+ {
404
+ "cell_type": "code",
405
+ "execution_count": null,
406
+ "metadata": {},
407
+ "outputs": [],
408
+ "source": [
409
+ "interpreter.set_tensor(input_details[0]['index'], sample)"
410
+ ]
411
+ },
412
+ {
413
+ "cell_type": "code",
414
+ "execution_count": null,
415
+ "metadata": {},
416
+ "outputs": [],
417
+ "source": [
418
+ "interpreter.invoke()\n"
419
+ ]
420
+ },
421
+ {
422
+ "cell_type": "code",
423
+ "execution_count": null,
424
+ "metadata": {},
425
+ "outputs": [],
426
+ "source": [
427
+ "logits = interpreter.get_tensor(output_details[1]['index'])\n"
428
+ ]
429
+ },
430
+ {
431
+ "cell_type": "code",
432
+ "execution_count": null,
433
+ "metadata": {},
434
+ "outputs": [],
435
+ "source": [
436
+ "output_data = tf.nn.softmax(logits).numpy()\n"
437
+ ]
438
+ },
439
+ {
440
+ "cell_type": "markdown",
441
+ "metadata": {},
442
+ "source": [
443
+ "# try to run the same thing with the original model and then compare the output"
444
+ ]
445
+ },
446
+ {
447
+ "cell_type": "code",
448
+ "execution_count": null,
449
+ "metadata": {},
450
+ "outputs": [],
451
+ "source": [
452
+ "from pathlib import Path"
453
+ ]
454
+ },
455
+ {
456
+ "cell_type": "code",
457
+ "execution_count": null,
458
+ "metadata": {},
459
+ "outputs": [],
460
+ "source": [
461
+ "def load_model_from_file_pb(path: str, _):\n",
462
+ "\n",
463
+ " if \".\" in Path(path).name or \".pb\" in Path(path).name:\n",
464
+ " # tensorflow assumes a model file to be named \"saved_model.pb\" and the path given to be a directory\n",
465
+ " path = Path(path).parent\n",
466
+ "\n",
467
+ " if Path(path).exists() is False:\n",
468
+ " raise FileNotFoundError(\"The desired model file does not exist\")\n",
469
+ "\n",
470
+ " try:\n",
471
+ " model = tf.saved_model.load(path)\n",
472
+ " return model\n",
473
+ " except Exception as e:\n",
474
+ " raise RuntimeError from e\n"
475
+ ]
476
+ },
477
+ {
478
+ "cell_type": "code",
479
+ "execution_count": null,
480
+ "metadata": {},
481
+ "outputs": [],
482
+ "source": [
483
+ "other_model = load_model_from_file_pb(model_dir, None)"
484
+ ]
485
+ },
486
+ {
487
+ "cell_type": "code",
488
+ "execution_count": null,
489
+ "metadata": {},
490
+ "outputs": [],
491
+ "source": [
492
+ "logits, _ = other_model.infer_tf(\n",
493
+ " sample\n",
494
+ ")"
495
+ ]
496
+ },
497
+ {
498
+ "cell_type": "code",
499
+ "execution_count": null,
500
+ "metadata": {},
501
+ "outputs": [],
502
+ "source": [
503
+ "results = tf.nn.softmax(logits).numpy()\n"
504
+ ]
505
+ },
506
+ {
507
+ "cell_type": "code",
508
+ "execution_count": null,
509
+ "metadata": {},
510
+ "outputs": [],
511
+ "source": [
512
+ "np.max(np.abs(results - output_data))"
513
+ ]
514
+ }
515
+ ],
516
+ "metadata": {
517
+ "kernelspec": {
518
+ "display_name": "Python 3",
519
+ "language": "python",
520
+ "name": "python3"
521
+ },
522
+ "language_info": {
523
+ "codemirror_mode": {
524
+ "name": "ipython",
525
+ "version": 3
526
+ },
527
+ "file_extension": ".py",
528
+ "mimetype": "text/x-python",
529
+ "name": "python",
530
+ "nbconvert_exporter": "python",
531
+ "pygments_lexer": "ipython3",
532
+ "version": "3.9.19"
533
+ }
534
+ },
535
+ "nbformat": 4,
536
+ "nbformat_minor": 2
537
+ }