Commit
·
feec0bf
1
Parent(s):
edd9e8a
Upload 82 files
Browse filesadde tts pipeline
This view is limited to 50 files because it contains too many changes.
See raw diff
- .gitattributes +2 -0
- LICENSE +21 -0
- README.md +89 -1
- audio/.DS_Store +0 -0
- audio/__init__.py +3 -0
- audio/audio_processing.py +100 -0
- audio/stft.py +178 -0
- audio/tools.py +34 -0
- config/.DS_Store +0 -0
- config/EmoV_DB/model.yaml +41 -0
- config/EmoV_DB/preprocess.yaml +31 -0
- config/EmoV_DB/train.yaml +20 -0
- config/LJSpeech_paper/model.yaml +37 -0
- config/LJSpeech_paper/preprocess.yaml +30 -0
- config/LJSpeech_paper/train.yaml +20 -0
- config/README.md +29 -0
- dataset.py +275 -0
- environment.yaml +7 -0
- evaluate.py +120 -0
- get-pip.py +0 -0
- hifigan/.DS_Store +0 -0
- hifigan/LICENSE +21 -0
- hifigan/__init__.py +7 -0
- hifigan/config.json +37 -0
- hifigan/generator_LJSpeech.pth.tar.zip +3 -0
- hifigan/generator_universal.pth.tar +3 -0
- hifigan/generator_universal.pth.tar.zip +3 -0
- hifigan/models.py +174 -0
- home/.DS_Store +0 -0
- home/ming/.DS_Store +0 -0
- home/ming/Data/.DS_Store +0 -0
- home/ming/Data/EmoV_DB/metadata.csv +593 -0
- lexicon/librispeech-lexicon.txt +0 -0
- lexicon/pinyin-lexicon-r.txt +4120 -0
- model/.DS_Store +0 -0
- model/__init__.py +3 -0
- model/fastspeech2.py +139 -0
- model/loss.py +95 -0
- model/modules.py +296 -0
- model/optimizer.py +51 -0
- output/.DS_Store +0 -0
- output/ckpt/.DS_Store +0 -0
- output/ckpt/EmoV_DB/.DS_Store +0 -0
- output/ckpt/EmoV_DB/900000.pth.tar +3 -0
- output/log/.DS_Store +0 -0
- output/result/.DS_Store +0 -0
- output/result/EmoV_DB/That is addorable, hahaha.png +0 -0
- output/result/EmoV_DB/That is addorable, hahaha.wav +0 -0
- prepare_align.py +21 -0
- preprocess.py +15 -0
.gitattributes
CHANGED
@@ -32,3 +32,5 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
|
|
32 |
*.zip filter=lfs diff=lfs merge=lfs -text
|
33 |
*.zst filter=lfs diff=lfs merge=lfs -text
|
34 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
|
|
|
|
|
32 |
*.zip filter=lfs diff=lfs merge=lfs -text
|
33 |
*.zst filter=lfs diff=lfs merge=lfs -text
|
34 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
35 |
+
hifigan/generator_universal.pth.tar filter=lfs diff=lfs merge=lfs -text
|
36 |
+
output/ckpt/EmoV_DB/900000.pth.tar filter=lfs diff=lfs merge=lfs -text
|
LICENSE
ADDED
@@ -0,0 +1,21 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
MIT License
|
2 |
+
|
3 |
+
Copyright (c) 2020 Chung-Ming Chien
|
4 |
+
|
5 |
+
Permission is hereby granted, free of charge, to any person obtaining a copy
|
6 |
+
of this software and associated documentation files (the "Software"), to deal
|
7 |
+
in the Software without restriction, including without limitation the rights
|
8 |
+
to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
|
9 |
+
copies of the Software, and to permit persons to whom the Software is
|
10 |
+
furnished to do so, subject to the following conditions:
|
11 |
+
|
12 |
+
The above copyright notice and this permission notice shall be included in all
|
13 |
+
copies or substantial portions of the Software.
|
14 |
+
|
15 |
+
THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
|
16 |
+
IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
|
17 |
+
FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
|
18 |
+
AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
|
19 |
+
LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
|
20 |
+
OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
|
21 |
+
SOFTWARE.
|
README.md
CHANGED
@@ -1,3 +1,5 @@
|
|
|
|
|
|
1 |
---
|
2 |
title: Emotion Aware TTS
|
3 |
emoji: 🌖
|
@@ -10,4 +12,90 @@ pinned: false
|
|
10 |
license: mit
|
11 |
---
|
12 |
|
13 |
-
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
# FastSpeech 2 - PyTorch Implementation
|
2 |
+
|
3 |
---
|
4 |
title: Emotion Aware TTS
|
5 |
emoji: 🌖
|
|
|
12 |
license: mit
|
13 |
---
|
14 |
|
15 |
+
|
16 |
+
This is a PyTorch implementation of Microsoft's text-to-speech system [**FastSpeech 2: Fast and High-Quality End-to-End Text to Speech**](https://arxiv.org/abs/2006.04558v1).
|
17 |
+
This project is based on [xcmyz's implementation](https://github.com/xcmyz/FastSpeech) of FastSpeech. Feel free to use/modify the code.
|
18 |
+
|
19 |
+
There are several versions of FastSpeech 2.
|
20 |
+
This implementation is more similar to [version 1](https://arxiv.org/abs/2006.04558v1), which uses F0 values as the pitch features.
|
21 |
+
On the other hand, pitch spectrograms extracted by continuous wavelet transform are used as the pitch features in the [later versions](https://arxiv.org/abs/2006.04558).
|
22 |
+
|
23 |
+

|
24 |
+
|
25 |
+
## Dependencies
|
26 |
+
|
27 |
+
You can install the Python dependencies with
|
28 |
+
|
29 |
+
```
|
30 |
+
pip3 install -r requirements.txt
|
31 |
+
```
|
32 |
+
|
33 |
+
## Inference
|
34 |
+
|
35 |
+
You have to download the [pretrained model](https://drive.google.com/file/d/1_7L2Sxi7m47mfgL-u0l_qEWpqPbTLF1X/view?usp=sharing) and put it in `output/ckpt/EmoV_DB/`.
|
36 |
+
|
37 |
+
For English multi-speaker Emotional Aware TTS with RoBERTa embeddings,set multi_emotion to True in model.yaml and run
|
38 |
+
|
39 |
+
```
|
40 |
+
!python3 synthesize.py --text "Example text" --bert_embed 1 --speaker_id SPEAKER_ID --restore_step 900000 --mode single -p config/EmoV_DB/preprocess.yaml -m config/EmoV_DB/model.yaml -t config/EmoV_DB/train.yaml
|
41 |
+
```
|
42 |
+
|
43 |
+
For English multi-speaker Emotional Aware TTS with multi-emotions, set multi_emotion to True in model.yaml and run
|
44 |
+
|
45 |
+
```
|
46 |
+
!python3 synthesize.py --text "Example text" --emotion_id EMOTION_ID --speaker_id SPEAKER_ID --restore_step 900000 --mode single -p config/EmoV_DB/preprocess.yaml -m config/EmoV_DB/model.yaml -t config/EmoV_DB/train.yaml
|
47 |
+
```
|
48 |
+
|
49 |
+
The generated utterances will be put in `output/result/`.
|
50 |
+
|
51 |
+
## Controllability
|
52 |
+
|
53 |
+
The pitch/volume/speaking rate of the synthesized utterances can be controlled by specifying the desired pitch/energy/duration ratios.
|
54 |
+
For example, one can increase the speaking rate by 20 % and decrease the volume by 20 % by
|
55 |
+
|
56 |
+
```
|
57 |
+
!python3 synthesize.py --text "Example text" --emotion_id EMOTION_ID --speaker_id SPEAKER_ID --restore_step 900000 --mode single -p config/EmoV_DB/preprocess.yaml -m config/EmoV_DB/model.yaml -t config/EmoV_DB/train.yaml --duration_control 0.8 --energy_control 0.8
|
58 |
+
```
|
59 |
+
|
60 |
+
# Training
|
61 |
+
|
62 |
+
## Datasets
|
63 |
+
|
64 |
+
The supported datasets are
|
65 |
+
|
66 |
+
- [EmoV_DB](https://github.com/numediart/EmoV-DB): a multi-speaker Emotional Voices English dataset consists of four speakers, two females and two males. The emotions expressed in the recordings are amusement, anger, sleepiness,
|
67 |
+
and disgust.
|
68 |
+
|
69 |
+
## Preprocessing and Training
|
70 |
+
|
71 |
+
Follow the steps in [Instructions](FS2_setup_EmoV.ipynb)
|
72 |
+
|
73 |
+
# Implementation Issues
|
74 |
+
|
75 |
+
- Following [xcmyz's implementation](https://github.com/xcmyz/FastSpeech), I use an additional Tacotron-2-styled Post-Net after the decoder, which is not used in the original FastSpeech 2.
|
76 |
+
- Gradient clipping is used in the training.
|
77 |
+
- In my experience, using phoneme-level pitch and energy prediction instead of frame-level prediction results in much better prosody, and normalizing the pitch and energy features also helps. Please refer to `config/README.md` for more details.
|
78 |
+
|
79 |
+
Please inform me if you find any mistakes in this repo, or any useful tips to train the FastSpeech 2 model.
|
80 |
+
|
81 |
+
# References
|
82 |
+
|
83 |
+
- [FastSpeech 2: Fast and High-Quality End-to-End Text to Speech](https://arxiv.org/abs/2006.04558), Y. Ren, _et al_.
|
84 |
+
- [Text aware Emotional Text-to-speech with BERT](https://www.isca-speech.org/archive/pdfs/interspeech_2022/mukherjee22_interspeech.pdf)
|
85 |
+
- [xcmyz's FastSpeech implementation](https://github.com/xcmyz/FastSpeech)
|
86 |
+
- [TensorSpeech's FastSpeech 2 implementation](https://github.com/TensorSpeech/TensorflowTTS)
|
87 |
+
- [rishikksh20's FastSpeech 2 implementation](https://github.com/rishikksh20/FastSpeech2)
|
88 |
+
|
89 |
+
# Citation
|
90 |
+
|
91 |
+
```
|
92 |
+
@INPROCEEDINGS{chien2021investigating,
|
93 |
+
author={Chien, Chung-Ming and Lin, Jheng-Hao and Huang, Chien-yu and Hsu, Po-chun and Lee, Hung-yi},
|
94 |
+
booktitle={ICASSP 2021 - 2021 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP)},
|
95 |
+
title={Investigating on Incorporating Pretrained and Learnable Speaker Representations for Multi-Speaker Multi-Style Text-to-Speech},
|
96 |
+
year={2021},
|
97 |
+
volume={},
|
98 |
+
number={},
|
99 |
+
pages={8588-8592},
|
100 |
+
doi={10.1109/ICASSP39728.2021.9413880}}
|
101 |
+
```
|
audio/.DS_Store
ADDED
Binary file (6.15 kB). View file
|
|
audio/__init__.py
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
import audio.tools
|
2 |
+
import audio.stft
|
3 |
+
import audio.audio_processing
|
audio/audio_processing.py
ADDED
@@ -0,0 +1,100 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import torch
|
2 |
+
import numpy as np
|
3 |
+
import librosa.util as librosa_util
|
4 |
+
from scipy.signal import get_window
|
5 |
+
|
6 |
+
|
7 |
+
def window_sumsquare(
|
8 |
+
window,
|
9 |
+
n_frames,
|
10 |
+
hop_length,
|
11 |
+
win_length,
|
12 |
+
n_fft,
|
13 |
+
dtype=np.float32,
|
14 |
+
norm=None,
|
15 |
+
):
|
16 |
+
"""
|
17 |
+
# from librosa 0.6
|
18 |
+
Compute the sum-square envelope of a window function at a given hop length.
|
19 |
+
|
20 |
+
This is used to estimate modulation effects induced by windowing
|
21 |
+
observations in short-time fourier transforms.
|
22 |
+
|
23 |
+
Parameters
|
24 |
+
----------
|
25 |
+
window : string, tuple, number, callable, or list-like
|
26 |
+
Window specification, as in `get_window`
|
27 |
+
|
28 |
+
n_frames : int > 0
|
29 |
+
The number of analysis frames
|
30 |
+
|
31 |
+
hop_length : int > 0
|
32 |
+
The number of samples to advance between frames
|
33 |
+
|
34 |
+
win_length : [optional]
|
35 |
+
The length of the window function. By default, this matches `n_fft`.
|
36 |
+
|
37 |
+
n_fft : int > 0
|
38 |
+
The length of each analysis frame.
|
39 |
+
|
40 |
+
dtype : np.dtype
|
41 |
+
The data type of the output
|
42 |
+
|
43 |
+
Returns
|
44 |
+
-------
|
45 |
+
wss : np.ndarray, shape=`(n_fft + hop_length * (n_frames - 1))`
|
46 |
+
The sum-squared envelope of the window function
|
47 |
+
"""
|
48 |
+
if win_length is None:
|
49 |
+
win_length = n_fft
|
50 |
+
|
51 |
+
n = n_fft + hop_length * (n_frames - 1)
|
52 |
+
x = np.zeros(n, dtype=dtype)
|
53 |
+
|
54 |
+
# Compute the squared window at the desired length
|
55 |
+
win_sq = get_window(window, win_length, fftbins=True)
|
56 |
+
win_sq = librosa_util.normalize(win_sq, norm=norm) ** 2
|
57 |
+
win_sq = librosa_util.pad_center(win_sq, n_fft)
|
58 |
+
|
59 |
+
# Fill the envelope
|
60 |
+
for i in range(n_frames):
|
61 |
+
sample = i * hop_length
|
62 |
+
x[sample : min(n, sample + n_fft)] += win_sq[: max(0, min(n_fft, n - sample))]
|
63 |
+
return x
|
64 |
+
|
65 |
+
|
66 |
+
def griffin_lim(magnitudes, stft_fn, n_iters=30):
|
67 |
+
"""
|
68 |
+
PARAMS
|
69 |
+
------
|
70 |
+
magnitudes: spectrogram magnitudes
|
71 |
+
stft_fn: STFT class with transform (STFT) and inverse (ISTFT) methods
|
72 |
+
"""
|
73 |
+
|
74 |
+
angles = np.angle(np.exp(2j * np.pi * np.random.rand(*magnitudes.size())))
|
75 |
+
angles = angles.astype(np.float32)
|
76 |
+
angles = torch.autograd.Variable(torch.from_numpy(angles))
|
77 |
+
signal = stft_fn.inverse(magnitudes, angles).squeeze(1)
|
78 |
+
|
79 |
+
for i in range(n_iters):
|
80 |
+
_, angles = stft_fn.transform(signal)
|
81 |
+
signal = stft_fn.inverse(magnitudes, angles).squeeze(1)
|
82 |
+
return signal
|
83 |
+
|
84 |
+
|
85 |
+
def dynamic_range_compression(x, C=1, clip_val=1e-5):
|
86 |
+
"""
|
87 |
+
PARAMS
|
88 |
+
------
|
89 |
+
C: compression factor
|
90 |
+
"""
|
91 |
+
return torch.log(torch.clamp(x, min=clip_val) * C)
|
92 |
+
|
93 |
+
|
94 |
+
def dynamic_range_decompression(x, C=1):
|
95 |
+
"""
|
96 |
+
PARAMS
|
97 |
+
------
|
98 |
+
C: compression factor used to compress
|
99 |
+
"""
|
100 |
+
return torch.exp(x) / C
|
audio/stft.py
ADDED
@@ -0,0 +1,178 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import torch
|
2 |
+
import torch.nn.functional as F
|
3 |
+
import numpy as np
|
4 |
+
from scipy.signal import get_window
|
5 |
+
from librosa.util import pad_center, tiny
|
6 |
+
from librosa.filters import mel as librosa_mel_fn
|
7 |
+
|
8 |
+
from audio.audio_processing import (
|
9 |
+
dynamic_range_compression,
|
10 |
+
dynamic_range_decompression,
|
11 |
+
window_sumsquare,
|
12 |
+
)
|
13 |
+
|
14 |
+
|
15 |
+
class STFT(torch.nn.Module):
|
16 |
+
"""adapted from Prem Seetharaman's https://github.com/pseeth/pytorch-stft"""
|
17 |
+
|
18 |
+
def __init__(self, filter_length, hop_length, win_length, window="hann"):
|
19 |
+
super(STFT, self).__init__()
|
20 |
+
self.filter_length = filter_length
|
21 |
+
self.hop_length = hop_length
|
22 |
+
self.win_length = win_length
|
23 |
+
self.window = window
|
24 |
+
self.forward_transform = None
|
25 |
+
scale = self.filter_length / self.hop_length
|
26 |
+
fourier_basis = np.fft.fft(np.eye(self.filter_length))
|
27 |
+
|
28 |
+
cutoff = int((self.filter_length / 2 + 1))
|
29 |
+
fourier_basis = np.vstack(
|
30 |
+
[np.real(fourier_basis[:cutoff, :]), np.imag(fourier_basis[:cutoff, :])]
|
31 |
+
)
|
32 |
+
|
33 |
+
forward_basis = torch.FloatTensor(fourier_basis[:, None, :])
|
34 |
+
inverse_basis = torch.FloatTensor(
|
35 |
+
np.linalg.pinv(scale * fourier_basis).T[:, None, :]
|
36 |
+
)
|
37 |
+
|
38 |
+
if window is not None:
|
39 |
+
assert filter_length >= win_length
|
40 |
+
# get window and zero center pad it to filter_length
|
41 |
+
fft_window = get_window(window, win_length, fftbins=True)
|
42 |
+
fft_window = pad_center(fft_window, filter_length)
|
43 |
+
fft_window = torch.from_numpy(fft_window).float()
|
44 |
+
|
45 |
+
# window the bases
|
46 |
+
forward_basis *= fft_window
|
47 |
+
inverse_basis *= fft_window
|
48 |
+
|
49 |
+
self.register_buffer("forward_basis", forward_basis.float())
|
50 |
+
self.register_buffer("inverse_basis", inverse_basis.float())
|
51 |
+
|
52 |
+
def transform(self, input_data):
|
53 |
+
num_batches = input_data.size(0)
|
54 |
+
num_samples = input_data.size(1)
|
55 |
+
|
56 |
+
self.num_samples = num_samples
|
57 |
+
|
58 |
+
# similar to librosa, reflect-pad the input
|
59 |
+
input_data = input_data.view(num_batches, 1, num_samples)
|
60 |
+
input_data = F.pad(
|
61 |
+
input_data.unsqueeze(1),
|
62 |
+
(int(self.filter_length / 2), int(self.filter_length / 2), 0, 0),
|
63 |
+
mode="reflect",
|
64 |
+
)
|
65 |
+
input_data = input_data.squeeze(1)
|
66 |
+
|
67 |
+
forward_transform = F.conv1d(
|
68 |
+
input_data.cuda(),
|
69 |
+
torch.autograd.Variable(self.forward_basis, requires_grad=False).cuda(),
|
70 |
+
stride=self.hop_length,
|
71 |
+
padding=0,
|
72 |
+
).cpu()
|
73 |
+
|
74 |
+
cutoff = int((self.filter_length / 2) + 1)
|
75 |
+
real_part = forward_transform[:, :cutoff, :]
|
76 |
+
imag_part = forward_transform[:, cutoff:, :]
|
77 |
+
|
78 |
+
magnitude = torch.sqrt(real_part ** 2 + imag_part ** 2)
|
79 |
+
phase = torch.autograd.Variable(torch.atan2(imag_part.data, real_part.data))
|
80 |
+
|
81 |
+
return magnitude, phase
|
82 |
+
|
83 |
+
def inverse(self, magnitude, phase):
|
84 |
+
recombine_magnitude_phase = torch.cat(
|
85 |
+
[magnitude * torch.cos(phase), magnitude * torch.sin(phase)], dim=1
|
86 |
+
)
|
87 |
+
|
88 |
+
inverse_transform = F.conv_transpose1d(
|
89 |
+
recombine_magnitude_phase,
|
90 |
+
torch.autograd.Variable(self.inverse_basis, requires_grad=False),
|
91 |
+
stride=self.hop_length,
|
92 |
+
padding=0,
|
93 |
+
)
|
94 |
+
|
95 |
+
if self.window is not None:
|
96 |
+
window_sum = window_sumsquare(
|
97 |
+
self.window,
|
98 |
+
magnitude.size(-1),
|
99 |
+
hop_length=self.hop_length,
|
100 |
+
win_length=self.win_length,
|
101 |
+
n_fft=self.filter_length,
|
102 |
+
dtype=np.float32,
|
103 |
+
)
|
104 |
+
# remove modulation effects
|
105 |
+
approx_nonzero_indices = torch.from_numpy(
|
106 |
+
np.where(window_sum > tiny(window_sum))[0]
|
107 |
+
)
|
108 |
+
window_sum = torch.autograd.Variable(
|
109 |
+
torch.from_numpy(window_sum), requires_grad=False
|
110 |
+
)
|
111 |
+
window_sum = window_sum.cuda() if magnitude.is_cuda else window_sum
|
112 |
+
inverse_transform[:, :, approx_nonzero_indices] /= window_sum[
|
113 |
+
approx_nonzero_indices
|
114 |
+
]
|
115 |
+
|
116 |
+
# scale by hop ratio
|
117 |
+
inverse_transform *= float(self.filter_length) / self.hop_length
|
118 |
+
|
119 |
+
inverse_transform = inverse_transform[:, :, int(self.filter_length / 2) :]
|
120 |
+
inverse_transform = inverse_transform[:, :, : -int(self.filter_length / 2) :]
|
121 |
+
|
122 |
+
return inverse_transform
|
123 |
+
|
124 |
+
def forward(self, input_data):
|
125 |
+
self.magnitude, self.phase = self.transform(input_data)
|
126 |
+
reconstruction = self.inverse(self.magnitude, self.phase)
|
127 |
+
return reconstruction
|
128 |
+
|
129 |
+
|
130 |
+
class TacotronSTFT(torch.nn.Module):
|
131 |
+
def __init__(
|
132 |
+
self,
|
133 |
+
filter_length,
|
134 |
+
hop_length,
|
135 |
+
win_length,
|
136 |
+
n_mel_channels,
|
137 |
+
sampling_rate,
|
138 |
+
mel_fmin,
|
139 |
+
mel_fmax,
|
140 |
+
):
|
141 |
+
super(TacotronSTFT, self).__init__()
|
142 |
+
self.n_mel_channels = n_mel_channels
|
143 |
+
self.sampling_rate = sampling_rate
|
144 |
+
self.stft_fn = STFT(filter_length, hop_length, win_length)
|
145 |
+
mel_basis = librosa_mel_fn(
|
146 |
+
sampling_rate, filter_length, n_mel_channels, mel_fmin, mel_fmax
|
147 |
+
)
|
148 |
+
mel_basis = torch.from_numpy(mel_basis).float()
|
149 |
+
self.register_buffer("mel_basis", mel_basis)
|
150 |
+
|
151 |
+
def spectral_normalize(self, magnitudes):
|
152 |
+
output = dynamic_range_compression(magnitudes)
|
153 |
+
return output
|
154 |
+
|
155 |
+
def spectral_de_normalize(self, magnitudes):
|
156 |
+
output = dynamic_range_decompression(magnitudes)
|
157 |
+
return output
|
158 |
+
|
159 |
+
def mel_spectrogram(self, y):
|
160 |
+
"""Computes mel-spectrograms from a batch of waves
|
161 |
+
PARAMS
|
162 |
+
------
|
163 |
+
y: Variable(torch.FloatTensor) with shape (B, T) in range [-1, 1]
|
164 |
+
|
165 |
+
RETURNS
|
166 |
+
-------
|
167 |
+
mel_output: torch.FloatTensor of shape (B, n_mel_channels, T)
|
168 |
+
"""
|
169 |
+
assert torch.min(y.data) >= -1
|
170 |
+
assert torch.max(y.data) <= 1
|
171 |
+
|
172 |
+
magnitudes, phases = self.stft_fn.transform(y)
|
173 |
+
magnitudes = magnitudes.data
|
174 |
+
mel_output = torch.matmul(self.mel_basis, magnitudes)
|
175 |
+
mel_output = self.spectral_normalize(mel_output)
|
176 |
+
energy = torch.norm(magnitudes, dim=1)
|
177 |
+
|
178 |
+
return mel_output, energy
|
audio/tools.py
ADDED
@@ -0,0 +1,34 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import torch
|
2 |
+
import numpy as np
|
3 |
+
from scipy.io.wavfile import write
|
4 |
+
|
5 |
+
from audio.audio_processing import griffin_lim
|
6 |
+
|
7 |
+
|
8 |
+
def get_mel_from_wav(audio, _stft):
|
9 |
+
audio = torch.clip(torch.FloatTensor(audio).unsqueeze(0), -1, 1)
|
10 |
+
audio = torch.autograd.Variable(audio, requires_grad=False)
|
11 |
+
melspec, energy = _stft.mel_spectrogram(audio)
|
12 |
+
melspec = torch.squeeze(melspec, 0).numpy().astype(np.float32)
|
13 |
+
energy = torch.squeeze(energy, 0).numpy().astype(np.float32)
|
14 |
+
|
15 |
+
return melspec, energy
|
16 |
+
|
17 |
+
|
18 |
+
def inv_mel_spec(mel, out_filename, _stft, griffin_iters=60):
|
19 |
+
mel = torch.stack([mel])
|
20 |
+
mel_decompress = _stft.spectral_de_normalize(mel)
|
21 |
+
mel_decompress = mel_decompress.transpose(1, 2).data.cpu()
|
22 |
+
spec_from_mel_scaling = 1000
|
23 |
+
spec_from_mel = torch.mm(mel_decompress[0], _stft.mel_basis)
|
24 |
+
spec_from_mel = spec_from_mel.transpose(0, 1).unsqueeze(0)
|
25 |
+
spec_from_mel = spec_from_mel * spec_from_mel_scaling
|
26 |
+
|
27 |
+
audio = griffin_lim(
|
28 |
+
torch.autograd.Variable(spec_from_mel[:, :, :-1]), _stft._stft_fn, griffin_iters
|
29 |
+
)
|
30 |
+
|
31 |
+
audio = audio.squeeze()
|
32 |
+
audio = audio.cpu().numpy()
|
33 |
+
audio_path = out_filename
|
34 |
+
write(audio_path, _stft.sampling_rate, audio)
|
config/.DS_Store
ADDED
Binary file (6.15 kB). View file
|
|
config/EmoV_DB/model.yaml
ADDED
@@ -0,0 +1,41 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
transformer:
|
2 |
+
encoder_layer: 4
|
3 |
+
encoder_head: 2
|
4 |
+
encoder_hidden: 256
|
5 |
+
decoder_layer: 6
|
6 |
+
decoder_head: 2
|
7 |
+
decoder_hidden: 256
|
8 |
+
conv_filter_size: 1024
|
9 |
+
conv_kernel_size: [9, 1]
|
10 |
+
encoder_dropout: 0.2
|
11 |
+
decoder_dropout: 0.2
|
12 |
+
|
13 |
+
variance_predictor:
|
14 |
+
filter_size: 256
|
15 |
+
kernel_size: 3
|
16 |
+
dropout: 0.5
|
17 |
+
|
18 |
+
variance_embedding:
|
19 |
+
pitch_quantization: "linear" # support 'linear' or 'log', 'log' is allowed only if the pitch values are not normalized during preprocessing
|
20 |
+
energy_quantization: "linear" # support 'linear' or 'log', 'log' is allowed only if the energy values are not normalized during preprocessing
|
21 |
+
n_bins: 256
|
22 |
+
|
23 |
+
# gst:
|
24 |
+
# use_gst: False
|
25 |
+
# conv_filters: [32, 32, 64, 64, 128, 128]
|
26 |
+
# gru_hidden: 128
|
27 |
+
# token_size: 128
|
28 |
+
# n_style_token: 10
|
29 |
+
# attn_head: 4
|
30 |
+
|
31 |
+
multi_speaker: True
|
32 |
+
|
33 |
+
multi_emotion: False
|
34 |
+
|
35 |
+
bert_emotion: False
|
36 |
+
|
37 |
+
max_seq_len: 1000
|
38 |
+
|
39 |
+
vocoder:
|
40 |
+
model: "HiFi-GAN" # support 'HiFi-GAN', 'MelGAN'
|
41 |
+
speaker: "universal" # support 'LJSpeech', 'universal'
|
config/EmoV_DB/preprocess.yaml
ADDED
@@ -0,0 +1,31 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
dataset: "EmoV_DB"
|
2 |
+
|
3 |
+
path:
|
4 |
+
corpus_path: "home/ming/Data/EmoV_DB"
|
5 |
+
lexicon_path: "lexicon/librispeech-lexicon.txt"
|
6 |
+
raw_path: "./raw_data/EmoV_DB"
|
7 |
+
emo_path: "./raw_data/emov_emotions.txt"
|
8 |
+
preprocessed_path: "./preprocessed_data/EmoV_DB"
|
9 |
+
|
10 |
+
preprocessing:
|
11 |
+
val_size: 512
|
12 |
+
text:
|
13 |
+
text_cleaners: ["english_cleaners"]
|
14 |
+
language: "en"
|
15 |
+
audio:
|
16 |
+
sampling_rate: 22050
|
17 |
+
max_wav_value: 32768.0
|
18 |
+
stft:
|
19 |
+
filter_length: 1024
|
20 |
+
hop_length: 256
|
21 |
+
win_length: 1024
|
22 |
+
mel:
|
23 |
+
n_mel_channels: 80
|
24 |
+
mel_fmin: 0
|
25 |
+
mel_fmax: 8000 # please set to 8000 for HiFi-GAN vocoder, set to null for MelGAN vocoder
|
26 |
+
pitch:
|
27 |
+
feature: "phoneme_level" # support 'phoneme_level' or 'frame_level'
|
28 |
+
normalization: True
|
29 |
+
energy:
|
30 |
+
feature: "phoneme_level" # support 'phoneme_level' or 'frame_level'
|
31 |
+
normalization: True
|
config/EmoV_DB/train.yaml
ADDED
@@ -0,0 +1,20 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
path:
|
2 |
+
ckpt_path: "./output/ckpt/EmoV_DB"
|
3 |
+
log_path: "./output/log/EmoV_DB"
|
4 |
+
result_path: "./output/result/EmoV_DB"
|
5 |
+
optimizer:
|
6 |
+
batch_size: 16
|
7 |
+
betas: [0.9, 0.98]
|
8 |
+
eps: 0.000000001
|
9 |
+
weight_decay: 0.0
|
10 |
+
grad_clip_thresh: 1.0
|
11 |
+
grad_acc_step: 1
|
12 |
+
warm_up_step: 4000
|
13 |
+
anneal_steps: [300000, 400000, 500000]
|
14 |
+
anneal_rate: 0.3
|
15 |
+
step:
|
16 |
+
total_step: 900000
|
17 |
+
log_step: 100
|
18 |
+
synth_step: 1000
|
19 |
+
val_step: 1000
|
20 |
+
save_step: 100000
|
config/LJSpeech_paper/model.yaml
ADDED
@@ -0,0 +1,37 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
transformer:
|
2 |
+
encoder_layer: 4
|
3 |
+
encoder_head: 2
|
4 |
+
encoder_hidden: 256
|
5 |
+
decoder_layer: 4
|
6 |
+
decoder_head: 2
|
7 |
+
decoder_hidden: 256
|
8 |
+
conv_filter_size: 1024
|
9 |
+
conv_kernel_size: [9, 1]
|
10 |
+
encoder_dropout: 0.2
|
11 |
+
decoder_dropout: 0.2
|
12 |
+
|
13 |
+
variance_predictor:
|
14 |
+
filter_size: 256
|
15 |
+
kernel_size: 3
|
16 |
+
dropout: 0.5
|
17 |
+
|
18 |
+
variance_embedding:
|
19 |
+
pitch_quantization: "log" # support 'linear' or 'log', 'log' is allowed only if the pitch values are not normalized during preprocessing
|
20 |
+
energy_quantization: "linear" # support 'linear' or 'log', 'log' is allowed only if the energy values are not normalized during preprocessing
|
21 |
+
n_bins: 256
|
22 |
+
|
23 |
+
# gst:
|
24 |
+
# use_gst: False
|
25 |
+
# conv_filters: [32, 32, 64, 64, 128, 128]
|
26 |
+
# gru_hidden: 128
|
27 |
+
# token_size: 128
|
28 |
+
# n_style_token: 10
|
29 |
+
# attn_head: 4
|
30 |
+
|
31 |
+
multi_speaker: False
|
32 |
+
|
33 |
+
max_seq_len: 1000
|
34 |
+
|
35 |
+
vocoder:
|
36 |
+
model: "HiFi-GAN" # support 'HiFi-GAN', 'MelGAN'
|
37 |
+
speaker: "LJSpeech" # support 'LJSpeech', 'universal'
|
config/LJSpeech_paper/preprocess.yaml
ADDED
@@ -0,0 +1,30 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
dataset: "LJSpeech_paper"
|
2 |
+
|
3 |
+
path:
|
4 |
+
corpus_path: "/home/ming/Data/LJSpeech-1.1"
|
5 |
+
lexicon_path: "lexicon/librispeech-lexicon.txt"
|
6 |
+
raw_path: "./raw_data/LJSpeech"
|
7 |
+
preprocessed_path: "./preprocessed_data/LJSpeech_paper"
|
8 |
+
|
9 |
+
preprocessing:
|
10 |
+
val_size: 512
|
11 |
+
text:
|
12 |
+
text_cleaners: ["english_cleaners"]
|
13 |
+
language: "en"
|
14 |
+
audio:
|
15 |
+
sampling_rate: 22050
|
16 |
+
max_wav_value: 32768.0
|
17 |
+
stft:
|
18 |
+
filter_length: 1024
|
19 |
+
hop_length: 256
|
20 |
+
win_length: 1024
|
21 |
+
mel:
|
22 |
+
n_mel_channels: 80
|
23 |
+
mel_fmin: 0
|
24 |
+
mel_fmax: 8000 # please set to 8000 for HiFi-GAN vocoder, set to null for MelGAN vocoder
|
25 |
+
pitch:
|
26 |
+
feature: "frame_level" # support 'phoneme_level' or 'frame_level'
|
27 |
+
normalization: False
|
28 |
+
energy:
|
29 |
+
feature: "frame_level" # support 'phoneme_level' or 'frame_level'
|
30 |
+
normalization: False
|
config/LJSpeech_paper/train.yaml
ADDED
@@ -0,0 +1,20 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
path:
|
2 |
+
ckpt_path: "./output/ckpt/LJSpeech"
|
3 |
+
log_path: "./output/log/LJSpeech"
|
4 |
+
result_path: "./output/result/LJSpeech"
|
5 |
+
optimizer:
|
6 |
+
batch_size: 48
|
7 |
+
betas: [0.9, 0.98]
|
8 |
+
eps: 0.000000001
|
9 |
+
weight_decay: 0.0
|
10 |
+
grad_clip_thresh: 1.0
|
11 |
+
grad_acc_step: 1
|
12 |
+
warm_up_step: 4000
|
13 |
+
anneal_steps: []
|
14 |
+
anneal_rate: 1.0
|
15 |
+
step:
|
16 |
+
total_step: 160000
|
17 |
+
log_step: 100
|
18 |
+
synth_step: 1000
|
19 |
+
val_step: 1000
|
20 |
+
save_step: 10000
|
config/README.md
ADDED
@@ -0,0 +1,29 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
# Config
|
2 |
+
Here are the config files used to train the single/multi-speaker TTS models.
|
3 |
+
4 different configurations are given:
|
4 |
+
- LJSpeech: suggested configuration for LJSpeech dataset.
|
5 |
+
- LibriTTS: suggested configuration for LibriTTS dataset.
|
6 |
+
- AISHELL3: suggested configuration for AISHELL-3 dataset.
|
7 |
+
- LJSpeech_paper: closed to the setting proposed in the original FastSpeech 2 paper.
|
8 |
+
|
9 |
+
Some important hyper-parameters are explained here.
|
10 |
+
|
11 |
+
## preprocess.yaml
|
12 |
+
- **path.lexicon_path**: the lexicon (which maps words to phonemes) used by Montreal Forced Aligner.
|
13 |
+
We provide an English lexicon and a Mandarin lexicon.
|
14 |
+
Erhua (ㄦ化音) is handled in the Mandarin lexicon.
|
15 |
+
- **mel.stft.mel_fmax**: set it to 8000 if HiFi-GAN vocoder is used, and set it to null if MelGAN is used.
|
16 |
+
- **pitch.feature & energy.feature**: the original paper proposed to predict and apply frame-level pitch and energy features to the inputs of the TTS decoder to control the pitch and energy of the synthesized utterances.
|
17 |
+
However, in our experiments, we find that using phoneme-level features makes the prosody of the synthesized utterances more natural.
|
18 |
+
- **pitch.normalization & energy.normalization**: to normalize the pitch and energy values or not.
|
19 |
+
The original paper did not normalize these values.
|
20 |
+
|
21 |
+
## train.yaml
|
22 |
+
- **optimizer.grad_acc_step**: the number of batches of gradient accumulation before updating the model parameters and call optimizer.zero_grad(), which is useful if you wish to train the model with a large batch size but you do not have sufficient GPU memory.
|
23 |
+
- **optimizer.anneal_steps & optimizer.anneal_rate**: the learning rate is reduced at the **anneal_steps** by the ratio specified with **anneal_rate**.
|
24 |
+
|
25 |
+
## model.yaml
|
26 |
+
- **transformer.decoder_layer**: the original paper used a 4-layer decoder, but we find it better to use a 6-layer decoder, especially for multi-speaker TTS.
|
27 |
+
- **variance_embedding.pitch_quantization**: when the pitch values are normalized as specified in ``preprocess.yaml``, it is not valid to use log-scale quantization bins as proposed in the original paper, so we use linear-scaled bins instead.
|
28 |
+
- **multi_speaker**: to apply a speaker embedding table to enable multi-speaker TTS or not.
|
29 |
+
- **vocoder.speaker**: should be set to 'universal' if any dataset other than LJSpeech is used.
|
dataset.py
ADDED
@@ -0,0 +1,275 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import json
|
2 |
+
import math
|
3 |
+
import os
|
4 |
+
|
5 |
+
import numpy as np
|
6 |
+
from torch.utils.data import Dataset
|
7 |
+
|
8 |
+
from text import text_to_sequence
|
9 |
+
from utils.tools import pad_1D, pad_2D
|
10 |
+
|
11 |
+
|
12 |
+
class Dataset(Dataset):
|
13 |
+
def __init__(
|
14 |
+
self, filename, preprocess_config, train_config, sort=False, drop_last=False
|
15 |
+
):
|
16 |
+
self.dataset_name = preprocess_config["dataset"]
|
17 |
+
self.preprocessed_path = preprocess_config["path"]["preprocessed_path"]
|
18 |
+
self.cleaners = preprocess_config["preprocessing"]["text"]["text_cleaners"]
|
19 |
+
self.batch_size = train_config["optimizer"]["batch_size"]
|
20 |
+
|
21 |
+
self.basename, self.speaker, self.text, self.raw_text, self.emotion = self.process_meta(
|
22 |
+
filename
|
23 |
+
)
|
24 |
+
with open(os.path.join(self.preprocessed_path, "speakers.json")) as f:
|
25 |
+
self.speaker_map = json.load(f)
|
26 |
+
with open(os.path.join(self.preprocessed_path, "emotions.json")) as f:
|
27 |
+
self.emotion_map = json.load(f)
|
28 |
+
|
29 |
+
self.sort = sort
|
30 |
+
self.drop_last = drop_last
|
31 |
+
|
32 |
+
def __len__(self):
|
33 |
+
return len(self.text)
|
34 |
+
|
35 |
+
def __getitem__(self, idx):
|
36 |
+
basename = self.basename[idx]
|
37 |
+
speaker = self.speaker[idx]
|
38 |
+
emotion = self.emotion[idx]
|
39 |
+
speaker_id = self.speaker_map[speaker]
|
40 |
+
emotion_id = self.emotion_map[emotion]
|
41 |
+
raw_text = self.raw_text[idx]
|
42 |
+
phone = np.array(text_to_sequence(self.text[idx], self.cleaners))
|
43 |
+
mel_path = os.path.join(
|
44 |
+
self.preprocessed_path,
|
45 |
+
"mel",
|
46 |
+
"{}-mel-{}.npy".format(speaker, basename),
|
47 |
+
)
|
48 |
+
mel = np.load(mel_path)
|
49 |
+
pitch_path = os.path.join(
|
50 |
+
self.preprocessed_path,
|
51 |
+
"pitch",
|
52 |
+
"{}-pitch-{}.npy".format(speaker, basename),
|
53 |
+
)
|
54 |
+
pitch = np.load(pitch_path)
|
55 |
+
energy_path = os.path.join(
|
56 |
+
self.preprocessed_path,
|
57 |
+
"energy",
|
58 |
+
"{}-energy-{}.npy".format(speaker, basename),
|
59 |
+
)
|
60 |
+
energy = np.load(energy_path)
|
61 |
+
duration_path = os.path.join(
|
62 |
+
self.preprocessed_path,
|
63 |
+
"duration",
|
64 |
+
"{}-duration-{}.npy".format(speaker, basename),
|
65 |
+
)
|
66 |
+
duration = np.load(duration_path)
|
67 |
+
|
68 |
+
sample = {
|
69 |
+
"id": basename,
|
70 |
+
"speaker": speaker_id,
|
71 |
+
"emotion": emotion_id,
|
72 |
+
"text": phone,
|
73 |
+
"raw_text": raw_text,
|
74 |
+
"mel": mel,
|
75 |
+
"pitch": pitch,
|
76 |
+
"energy": energy,
|
77 |
+
"duration": duration,
|
78 |
+
}
|
79 |
+
|
80 |
+
return sample
|
81 |
+
|
82 |
+
def process_meta(self, filename):
|
83 |
+
with open(
|
84 |
+
os.path.join(self.preprocessed_path, filename), "r", encoding="utf-8"
|
85 |
+
) as f:
|
86 |
+
name = []
|
87 |
+
speaker = []
|
88 |
+
emotion = []
|
89 |
+
text = []
|
90 |
+
raw_text = []
|
91 |
+
for line in f.readlines():
|
92 |
+
n, s, t, r, e = line.strip("\n").split("|")
|
93 |
+
name.append(n)
|
94 |
+
speaker.append(s)
|
95 |
+
text.append(t)
|
96 |
+
raw_text.append(r)
|
97 |
+
emotion.append(e)
|
98 |
+
return name, speaker, text, raw_text, emotion
|
99 |
+
|
100 |
+
def reprocess(self, data, idxs):
|
101 |
+
ids = [data[idx]["id"] for idx in idxs]
|
102 |
+
speakers = [data[idx]["speaker"] for idx in idxs]
|
103 |
+
emotions = [data[idx]["emotion"] for idx in idxs]
|
104 |
+
texts = [data[idx]["text"] for idx in idxs]
|
105 |
+
raw_texts = [data[idx]["raw_text"] for idx in idxs]
|
106 |
+
mels = [data[idx]["mel"] for idx in idxs]
|
107 |
+
pitches = [data[idx]["pitch"] for idx in idxs]
|
108 |
+
energies = [data[idx]["energy"] for idx in idxs]
|
109 |
+
durations = [data[idx]["duration"] for idx in idxs]
|
110 |
+
|
111 |
+
text_lens = np.array([text.shape[0] for text in texts])
|
112 |
+
mel_lens = np.array([mel.shape[0] for mel in mels])
|
113 |
+
|
114 |
+
speakers = np.array(speakers)
|
115 |
+
emotions = np.array(emotions)
|
116 |
+
texts = pad_1D(texts)
|
117 |
+
mels = pad_2D(mels)
|
118 |
+
pitches = pad_1D(pitches)
|
119 |
+
energies = pad_1D(energies)
|
120 |
+
durations = pad_1D(durations)
|
121 |
+
|
122 |
+
return (
|
123 |
+
ids,
|
124 |
+
raw_texts,
|
125 |
+
speakers,
|
126 |
+
texts,
|
127 |
+
text_lens,
|
128 |
+
max(text_lens),
|
129 |
+
emotions,
|
130 |
+
mels,
|
131 |
+
mel_lens,
|
132 |
+
max(mel_lens),
|
133 |
+
pitches,
|
134 |
+
energies,
|
135 |
+
durations,
|
136 |
+
)
|
137 |
+
|
138 |
+
def collate_fn(self, data):
|
139 |
+
data_size = len(data)
|
140 |
+
|
141 |
+
if self.sort:
|
142 |
+
len_arr = np.array([d["text"].shape[0] for d in data])
|
143 |
+
idx_arr = np.argsort(-len_arr)
|
144 |
+
else:
|
145 |
+
idx_arr = np.arange(data_size)
|
146 |
+
|
147 |
+
tail = idx_arr[len(idx_arr) - (len(idx_arr) % self.batch_size):]
|
148 |
+
idx_arr = idx_arr[: len(idx_arr) - (len(idx_arr) % self.batch_size)]
|
149 |
+
idx_arr = idx_arr.reshape((-1, self.batch_size)).tolist()
|
150 |
+
if not self.drop_last and len(tail) > 0:
|
151 |
+
idx_arr += [tail.tolist()]
|
152 |
+
|
153 |
+
output = list()
|
154 |
+
for idx in idx_arr:
|
155 |
+
output.append(self.reprocess(data, idx))
|
156 |
+
|
157 |
+
return output
|
158 |
+
|
159 |
+
|
160 |
+
class TextDataset(Dataset):
|
161 |
+
def __init__(self, filepath, preprocess_config):
|
162 |
+
self.cleaners = preprocess_config["preprocessing"]["text"]["text_cleaners"]
|
163 |
+
|
164 |
+
self.basename, self.speaker, self.text, self.raw_text, self.emotion = self.process_meta(
|
165 |
+
filepath
|
166 |
+
)
|
167 |
+
with open(
|
168 |
+
os.path.join(
|
169 |
+
preprocess_config["path"]["preprocessed_path"], "speakers.json"
|
170 |
+
)
|
171 |
+
) as f:
|
172 |
+
self.speaker_map = json.load(f)
|
173 |
+
with open(os.path.join(
|
174 |
+
preprocess_config["path"]["preprocessed"], "emotions.json"
|
175 |
+
)
|
176 |
+
) as f:
|
177 |
+
self.emotion_map = json.load(f)
|
178 |
+
|
179 |
+
def __len__(self):
|
180 |
+
return len(self.text)
|
181 |
+
|
182 |
+
def __getitem__(self, idx):
|
183 |
+
basename = self.basename[idx]
|
184 |
+
speaker = self.speaker[idx]
|
185 |
+
speaker_id = self.speaker_map[speaker]
|
186 |
+
raw_text = self.raw_text[idx]
|
187 |
+
emotion = self.emotion[idx]
|
188 |
+
phone = np.array(text_to_sequence(self.text[idx], self.cleaners))
|
189 |
+
|
190 |
+
return (basename, speaker_id, phone, raw_text, emotion)
|
191 |
+
|
192 |
+
def process_meta(self, filename):
|
193 |
+
with open(filename, "r", encoding="utf-8") as f:
|
194 |
+
name = []
|
195 |
+
speaker = []
|
196 |
+
text = []
|
197 |
+
raw_text = []
|
198 |
+
emotion = []
|
199 |
+
for line in f.readlines():
|
200 |
+
n, s, t, r, e = line.strip("\n").split("|")
|
201 |
+
name.append(n)
|
202 |
+
speaker.append(s)
|
203 |
+
text.append(t)
|
204 |
+
raw_text.append(r)
|
205 |
+
emotion.append(e)
|
206 |
+
return name, speaker, text, raw_text, emotion
|
207 |
+
|
208 |
+
def collate_fn(self, data):
|
209 |
+
ids = [d[0] for d in data]
|
210 |
+
speakers = np.array([d[1] for d in data])
|
211 |
+
texts = [d[2] for d in data]
|
212 |
+
raw_texts = [d[3] for d in data]
|
213 |
+
emotions = [d[4] for d in data]
|
214 |
+
text_lens = np.array([text.shape[0] for text in texts])
|
215 |
+
|
216 |
+
texts = pad_1D(texts)
|
217 |
+
|
218 |
+
return ids, raw_texts, speakers, texts, emotions, text_lens, max(text_lens)
|
219 |
+
|
220 |
+
|
221 |
+
if __name__ == "__main__":
|
222 |
+
# Test
|
223 |
+
import torch
|
224 |
+
import yaml
|
225 |
+
from torch.utils.data import DataLoader
|
226 |
+
from utils.utils import to_device
|
227 |
+
|
228 |
+
device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
|
229 |
+
preprocess_config = yaml.load(
|
230 |
+
open("./config/LJSpeech/preprocess.yaml", "r"), Loader=yaml.FullLoader
|
231 |
+
)
|
232 |
+
train_config = yaml.load(
|
233 |
+
open("./config/LJSpeech/train.yaml", "r"), Loader=yaml.FullLoader
|
234 |
+
)
|
235 |
+
|
236 |
+
train_dataset = Dataset(
|
237 |
+
"train.txt", preprocess_config, train_config, sort=True, drop_last=True
|
238 |
+
)
|
239 |
+
val_dataset = Dataset(
|
240 |
+
"val.txt", preprocess_config, train_config, sort=False, drop_last=False
|
241 |
+
)
|
242 |
+
train_loader = DataLoader(
|
243 |
+
train_dataset,
|
244 |
+
batch_size=train_config["optimizer"]["batch_size"] * 4,
|
245 |
+
shuffle=True,
|
246 |
+
collate_fn=train_dataset.collate_fn,
|
247 |
+
)
|
248 |
+
val_loader = DataLoader(
|
249 |
+
val_dataset,
|
250 |
+
batch_size=train_config["optimizer"]["batch_size"],
|
251 |
+
shuffle=False,
|
252 |
+
collate_fn=val_dataset.collate_fn,
|
253 |
+
)
|
254 |
+
|
255 |
+
n_batch = 0
|
256 |
+
for batchs in train_loader:
|
257 |
+
for batch in batchs:
|
258 |
+
to_device(batch, device)
|
259 |
+
n_batch += 1
|
260 |
+
print(
|
261 |
+
"Training set with size {} is composed of {} batches.".format(
|
262 |
+
len(train_dataset), n_batch
|
263 |
+
)
|
264 |
+
)
|
265 |
+
|
266 |
+
n_batch = 0
|
267 |
+
for batchs in val_loader:
|
268 |
+
for batch in batchs:
|
269 |
+
to_device(batch, device)
|
270 |
+
n_batch += 1
|
271 |
+
print(
|
272 |
+
"Validation set with size {} is composed of {} batches.".format(
|
273 |
+
len(val_dataset), n_batch
|
274 |
+
)
|
275 |
+
)
|
environment.yaml
ADDED
@@ -0,0 +1,7 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
name: fs2
|
2 |
+
dependencies:
|
3 |
+
- python>=3.8
|
4 |
+
- anaconda
|
5 |
+
- pip
|
6 |
+
- pip:
|
7 |
+
- -r file:requirements.txt
|
evaluate.py
ADDED
@@ -0,0 +1,120 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import argparse
|
2 |
+
import os
|
3 |
+
|
4 |
+
import torch
|
5 |
+
import yaml
|
6 |
+
import torch.nn as nn
|
7 |
+
from torch.utils.data import DataLoader
|
8 |
+
|
9 |
+
from utils.model import get_model, get_vocoder
|
10 |
+
from utils.tools import to_device, log, synth_one_sample
|
11 |
+
from model import FastSpeech2Loss
|
12 |
+
from dataset import Dataset
|
13 |
+
|
14 |
+
|
15 |
+
device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
|
16 |
+
|
17 |
+
|
18 |
+
def evaluate(model, step, configs, logger=None, vocoder=None):
|
19 |
+
preprocess_config, model_config, train_config = configs
|
20 |
+
|
21 |
+
# Get dataset
|
22 |
+
dataset = Dataset(
|
23 |
+
"val.txt", preprocess_config, train_config, sort=False, drop_last=False
|
24 |
+
)
|
25 |
+
batch_size = train_config["optimizer"]["batch_size"]
|
26 |
+
loader = DataLoader(
|
27 |
+
dataset,
|
28 |
+
batch_size=batch_size,
|
29 |
+
shuffle=False,
|
30 |
+
collate_fn=dataset.collate_fn,
|
31 |
+
)
|
32 |
+
|
33 |
+
# Get loss function
|
34 |
+
Loss = FastSpeech2Loss(preprocess_config, model_config).to(device)
|
35 |
+
|
36 |
+
# Evaluation
|
37 |
+
loss_sums = [0 for _ in range(6)]
|
38 |
+
for batchs in loader:
|
39 |
+
for batch in batchs:
|
40 |
+
batch = to_device(batch, device)
|
41 |
+
with torch.no_grad():
|
42 |
+
# Forward
|
43 |
+
output = model(*(batch[2:]))
|
44 |
+
|
45 |
+
# Cal Loss
|
46 |
+
losses = Loss(batch, output)
|
47 |
+
|
48 |
+
for i in range(len(losses)):
|
49 |
+
loss_sums[i] += losses[i].item() * len(batch[0])
|
50 |
+
|
51 |
+
loss_means = [loss_sum / len(dataset) for loss_sum in loss_sums]
|
52 |
+
|
53 |
+
message = "Validation Step {}, Total Loss: {:.4f}, Mel Loss: {:.4f}, Mel PostNet Loss: {:.4f}, Pitch Loss: {:.4f}, Energy Loss: {:.4f}, Duration Loss: {:.4f}".format(
|
54 |
+
*([step] + [l for l in loss_means])
|
55 |
+
)
|
56 |
+
|
57 |
+
if logger is not None:
|
58 |
+
fig, wav_reconstruction, wav_prediction, tag = synth_one_sample(
|
59 |
+
batch,
|
60 |
+
output,
|
61 |
+
vocoder,
|
62 |
+
model_config,
|
63 |
+
preprocess_config,
|
64 |
+
)
|
65 |
+
|
66 |
+
log(logger, step, losses=loss_means)
|
67 |
+
log(
|
68 |
+
logger,
|
69 |
+
fig=fig,
|
70 |
+
tag="Validation/step_{}_{}".format(step, tag),
|
71 |
+
)
|
72 |
+
sampling_rate = preprocess_config["preprocessing"]["audio"]["sampling_rate"]
|
73 |
+
log(
|
74 |
+
logger,
|
75 |
+
audio=wav_reconstruction,
|
76 |
+
sampling_rate=sampling_rate,
|
77 |
+
tag="Validation/step_{}_{}_reconstructed".format(step, tag),
|
78 |
+
)
|
79 |
+
log(
|
80 |
+
logger,
|
81 |
+
audio=wav_prediction,
|
82 |
+
sampling_rate=sampling_rate,
|
83 |
+
tag="Validation/step_{}_{}_synthesized".format(step, tag),
|
84 |
+
)
|
85 |
+
|
86 |
+
return message
|
87 |
+
|
88 |
+
|
89 |
+
if __name__ == "__main__":
|
90 |
+
|
91 |
+
parser = argparse.ArgumentParser()
|
92 |
+
parser.add_argument("--restore_step", type=int, default=30000)
|
93 |
+
parser.add_argument(
|
94 |
+
"-p",
|
95 |
+
"--preprocess_config",
|
96 |
+
type=str,
|
97 |
+
required=True,
|
98 |
+
help="path to preprocess.yaml",
|
99 |
+
)
|
100 |
+
parser.add_argument(
|
101 |
+
"-m", "--model_config", type=str, required=True, help="path to model.yaml"
|
102 |
+
)
|
103 |
+
parser.add_argument(
|
104 |
+
"-t", "--train_config", type=str, required=True, help="path to train.yaml"
|
105 |
+
)
|
106 |
+
args = parser.parse_args()
|
107 |
+
|
108 |
+
# Read Config
|
109 |
+
preprocess_config = yaml.load(
|
110 |
+
open(args.preprocess_config, "r"), Loader=yaml.FullLoader
|
111 |
+
)
|
112 |
+
model_config = yaml.load(open(args.model_config, "r"), Loader=yaml.FullLoader)
|
113 |
+
train_config = yaml.load(open(args.train_config, "r"), Loader=yaml.FullLoader)
|
114 |
+
configs = (preprocess_config, model_config, train_config)
|
115 |
+
|
116 |
+
# Get model
|
117 |
+
model = get_model(args, configs, device, train=False).to(device)
|
118 |
+
|
119 |
+
message = evaluate(model, args.restore_step, configs)
|
120 |
+
print(message)
|
get-pip.py
ADDED
The diff for this file is too large to render.
See raw diff
|
|
hifigan/.DS_Store
ADDED
Binary file (6.15 kB). View file
|
|
hifigan/LICENSE
ADDED
@@ -0,0 +1,21 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
MIT License
|
2 |
+
|
3 |
+
Copyright (c) 2020 Jungil Kong
|
4 |
+
|
5 |
+
Permission is hereby granted, free of charge, to any person obtaining a copy
|
6 |
+
of this software and associated documentation files (the "Software"), to deal
|
7 |
+
in the Software without restriction, including without limitation the rights
|
8 |
+
to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
|
9 |
+
copies of the Software, and to permit persons to whom the Software is
|
10 |
+
furnished to do so, subject to the following conditions:
|
11 |
+
|
12 |
+
The above copyright notice and this permission notice shall be included in all
|
13 |
+
copies or substantial portions of the Software.
|
14 |
+
|
15 |
+
THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
|
16 |
+
IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
|
17 |
+
FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
|
18 |
+
AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
|
19 |
+
LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
|
20 |
+
OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
|
21 |
+
SOFTWARE.
|
hifigan/__init__.py
ADDED
@@ -0,0 +1,7 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
from .models import Generator
|
2 |
+
|
3 |
+
|
4 |
+
class AttrDict(dict):
|
5 |
+
def __init__(self, *args, **kwargs):
|
6 |
+
super(AttrDict, self).__init__(*args, **kwargs)
|
7 |
+
self.__dict__ = self
|
hifigan/config.json
ADDED
@@ -0,0 +1,37 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"resblock": "1",
|
3 |
+
"num_gpus": 0,
|
4 |
+
"batch_size": 16,
|
5 |
+
"learning_rate": 0.0002,
|
6 |
+
"adam_b1": 0.8,
|
7 |
+
"adam_b2": 0.99,
|
8 |
+
"lr_decay": 0.999,
|
9 |
+
"seed": 1234,
|
10 |
+
|
11 |
+
"upsample_rates": [8,8,2,2],
|
12 |
+
"upsample_kernel_sizes": [16,16,4,4],
|
13 |
+
"upsample_initial_channel": 512,
|
14 |
+
"resblock_kernel_sizes": [3,7,11],
|
15 |
+
"resblock_dilation_sizes": [[1,3,5], [1,3,5], [1,3,5]],
|
16 |
+
|
17 |
+
"segment_size": 8192,
|
18 |
+
"num_mels": 80,
|
19 |
+
"num_freq": 1025,
|
20 |
+
"n_fft": 1024,
|
21 |
+
"hop_size": 256,
|
22 |
+
"win_size": 1024,
|
23 |
+
|
24 |
+
"sampling_rate": 22050,
|
25 |
+
|
26 |
+
"fmin": 0,
|
27 |
+
"fmax": 8000,
|
28 |
+
"fmax_for_loss": null,
|
29 |
+
|
30 |
+
"num_workers": 4,
|
31 |
+
|
32 |
+
"dist_config": {
|
33 |
+
"dist_backend": "nccl",
|
34 |
+
"dist_url": "tcp://localhost:54321",
|
35 |
+
"world_size": 1
|
36 |
+
}
|
37 |
+
}
|
hifigan/generator_LJSpeech.pth.tar.zip
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:ff0b41168d347edd43d7d6859d136221c1fd9ea4698cf8998d5f0228139f2d41
|
3 |
+
size 51838074
|
hifigan/generator_universal.pth.tar
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:771eaf4876485a35e25577563d390c262e23c2421e4a8c929eacfde34a5b7a60
|
3 |
+
size 55788858
|
hifigan/generator_universal.pth.tar.zip
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:1fd93a04431b14296cf1d3f66a6fea89c2fdeb8f3b900a962e13ad21f67f9149
|
3 |
+
size 51942859
|
hifigan/models.py
ADDED
@@ -0,0 +1,174 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import torch
|
2 |
+
import torch.nn as nn
|
3 |
+
import torch.nn.functional as F
|
4 |
+
from torch.nn import Conv1d, ConvTranspose1d
|
5 |
+
from torch.nn.utils import weight_norm, remove_weight_norm
|
6 |
+
|
7 |
+
LRELU_SLOPE = 0.1
|
8 |
+
|
9 |
+
|
10 |
+
def init_weights(m, mean=0.0, std=0.01):
|
11 |
+
classname = m.__class__.__name__
|
12 |
+
if classname.find("Conv") != -1:
|
13 |
+
m.weight.data.normal_(mean, std)
|
14 |
+
|
15 |
+
|
16 |
+
def get_padding(kernel_size, dilation=1):
|
17 |
+
return int((kernel_size * dilation - dilation) / 2)
|
18 |
+
|
19 |
+
|
20 |
+
class ResBlock(torch.nn.Module):
|
21 |
+
def __init__(self, h, channels, kernel_size=3, dilation=(1, 3, 5)):
|
22 |
+
super(ResBlock, self).__init__()
|
23 |
+
self.h = h
|
24 |
+
self.convs1 = nn.ModuleList(
|
25 |
+
[
|
26 |
+
weight_norm(
|
27 |
+
Conv1d(
|
28 |
+
channels,
|
29 |
+
channels,
|
30 |
+
kernel_size,
|
31 |
+
1,
|
32 |
+
dilation=dilation[0],
|
33 |
+
padding=get_padding(kernel_size, dilation[0]),
|
34 |
+
)
|
35 |
+
),
|
36 |
+
weight_norm(
|
37 |
+
Conv1d(
|
38 |
+
channels,
|
39 |
+
channels,
|
40 |
+
kernel_size,
|
41 |
+
1,
|
42 |
+
dilation=dilation[1],
|
43 |
+
padding=get_padding(kernel_size, dilation[1]),
|
44 |
+
)
|
45 |
+
),
|
46 |
+
weight_norm(
|
47 |
+
Conv1d(
|
48 |
+
channels,
|
49 |
+
channels,
|
50 |
+
kernel_size,
|
51 |
+
1,
|
52 |
+
dilation=dilation[2],
|
53 |
+
padding=get_padding(kernel_size, dilation[2]),
|
54 |
+
)
|
55 |
+
),
|
56 |
+
]
|
57 |
+
)
|
58 |
+
self.convs1.apply(init_weights)
|
59 |
+
|
60 |
+
self.convs2 = nn.ModuleList(
|
61 |
+
[
|
62 |
+
weight_norm(
|
63 |
+
Conv1d(
|
64 |
+
channels,
|
65 |
+
channels,
|
66 |
+
kernel_size,
|
67 |
+
1,
|
68 |
+
dilation=1,
|
69 |
+
padding=get_padding(kernel_size, 1),
|
70 |
+
)
|
71 |
+
),
|
72 |
+
weight_norm(
|
73 |
+
Conv1d(
|
74 |
+
channels,
|
75 |
+
channels,
|
76 |
+
kernel_size,
|
77 |
+
1,
|
78 |
+
dilation=1,
|
79 |
+
padding=get_padding(kernel_size, 1),
|
80 |
+
)
|
81 |
+
),
|
82 |
+
weight_norm(
|
83 |
+
Conv1d(
|
84 |
+
channels,
|
85 |
+
channels,
|
86 |
+
kernel_size,
|
87 |
+
1,
|
88 |
+
dilation=1,
|
89 |
+
padding=get_padding(kernel_size, 1),
|
90 |
+
)
|
91 |
+
),
|
92 |
+
]
|
93 |
+
)
|
94 |
+
self.convs2.apply(init_weights)
|
95 |
+
|
96 |
+
def forward(self, x):
|
97 |
+
for c1, c2 in zip(self.convs1, self.convs2):
|
98 |
+
xt = F.leaky_relu(x, LRELU_SLOPE)
|
99 |
+
xt = c1(xt)
|
100 |
+
xt = F.leaky_relu(xt, LRELU_SLOPE)
|
101 |
+
xt = c2(xt)
|
102 |
+
x = xt + x
|
103 |
+
return x
|
104 |
+
|
105 |
+
def remove_weight_norm(self):
|
106 |
+
for l in self.convs1:
|
107 |
+
remove_weight_norm(l)
|
108 |
+
for l in self.convs2:
|
109 |
+
remove_weight_norm(l)
|
110 |
+
|
111 |
+
|
112 |
+
class Generator(torch.nn.Module):
|
113 |
+
def __init__(self, h):
|
114 |
+
super(Generator, self).__init__()
|
115 |
+
self.h = h
|
116 |
+
self.num_kernels = len(h.resblock_kernel_sizes)
|
117 |
+
self.num_upsamples = len(h.upsample_rates)
|
118 |
+
self.conv_pre = weight_norm(
|
119 |
+
Conv1d(80, h.upsample_initial_channel, 7, 1, padding=3)
|
120 |
+
)
|
121 |
+
resblock = ResBlock
|
122 |
+
|
123 |
+
self.ups = nn.ModuleList()
|
124 |
+
for i, (u, k) in enumerate(zip(h.upsample_rates, h.upsample_kernel_sizes)):
|
125 |
+
self.ups.append(
|
126 |
+
weight_norm(
|
127 |
+
ConvTranspose1d(
|
128 |
+
h.upsample_initial_channel // (2 ** i),
|
129 |
+
h.upsample_initial_channel // (2 ** (i + 1)),
|
130 |
+
k,
|
131 |
+
u,
|
132 |
+
padding=(k - u) // 2,
|
133 |
+
)
|
134 |
+
)
|
135 |
+
)
|
136 |
+
|
137 |
+
self.resblocks = nn.ModuleList()
|
138 |
+
for i in range(len(self.ups)):
|
139 |
+
ch = h.upsample_initial_channel // (2 ** (i + 1))
|
140 |
+
for j, (k, d) in enumerate(
|
141 |
+
zip(h.resblock_kernel_sizes, h.resblock_dilation_sizes)
|
142 |
+
):
|
143 |
+
self.resblocks.append(resblock(h, ch, k, d))
|
144 |
+
|
145 |
+
self.conv_post = weight_norm(Conv1d(ch, 1, 7, 1, padding=3))
|
146 |
+
self.ups.apply(init_weights)
|
147 |
+
self.conv_post.apply(init_weights)
|
148 |
+
|
149 |
+
def forward(self, x):
|
150 |
+
x = self.conv_pre(x)
|
151 |
+
for i in range(self.num_upsamples):
|
152 |
+
x = F.leaky_relu(x, LRELU_SLOPE)
|
153 |
+
x = self.ups[i](x)
|
154 |
+
xs = None
|
155 |
+
for j in range(self.num_kernels):
|
156 |
+
if xs is None:
|
157 |
+
xs = self.resblocks[i * self.num_kernels + j](x)
|
158 |
+
else:
|
159 |
+
xs += self.resblocks[i * self.num_kernels + j](x)
|
160 |
+
x = xs / self.num_kernels
|
161 |
+
x = F.leaky_relu(x)
|
162 |
+
x = self.conv_post(x)
|
163 |
+
x = torch.tanh(x)
|
164 |
+
|
165 |
+
return x
|
166 |
+
|
167 |
+
def remove_weight_norm(self):
|
168 |
+
print("Removing weight norm...")
|
169 |
+
for l in self.ups:
|
170 |
+
remove_weight_norm(l)
|
171 |
+
for l in self.resblocks:
|
172 |
+
l.remove_weight_norm()
|
173 |
+
remove_weight_norm(self.conv_pre)
|
174 |
+
remove_weight_norm(self.conv_post)
|
home/.DS_Store
ADDED
Binary file (6.15 kB). View file
|
|
home/ming/.DS_Store
ADDED
Binary file (6.15 kB). View file
|
|
home/ming/Data/.DS_Store
ADDED
Binary file (6.15 kB). View file
|
|
home/ming/Data/EmoV_DB/metadata.csv
ADDED
@@ -0,0 +1,593 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
"0001|Author of the danger trail, Philip Steels, etc."
|
2 |
+
"0002|Not at this particular case, Tom, apologized Whittemore."
|
3 |
+
"0003|For the twentieth time that evening the two men shook hands."
|
4 |
+
"0004|Lord, but I'm glad to see you again, Phil."
|
5 |
+
"0005|Will we ever forget it."
|
6 |
+
"0006|God bless 'em, I hope I'll go on seeing them forever."
|
7 |
+
"0007|And you always want to see it in the superlative degree."
|
8 |
+
"0008|Gad, your letter came just in time."
|
9 |
+
"0009|He turned sharply, and faced Gregson across the table."
|
10 |
+
"0010|I'm playing a single hand in what looks like a losing game."
|
11 |
+
"0011|If I ever needed a fighter in my life I need one now."
|
12 |
+
"0012|Gregson shoved back his chair and rose to his feet."
|
13 |
+
"0013|He was a head shorter than his companion, of almost delicate physique."
|
14 |
+
"0014|Now you're coming down to business, Phil, he exclaimed."
|
15 |
+
"0015|It's the aurora borealis."
|
16 |
+
"0016|There's Fort Churchill, a rifle-shot beyond the ridge, asleep."
|
17 |
+
"0017|From that moment his friendship for Belize turns to hatred and jealousy."
|
18 |
+
"0018|There was a change now."
|
19 |
+
"0019|I followed the line of the proposed railroad, looking for chances."
|
20 |
+
"0020|Clubs and balls and cities grew to be only memories."
|
21 |
+
"0021|It fairly clubbed me into recognizing it."
|
22 |
+
"0022|Hardly were our plans made public before we were met by powerful opposition."
|
23 |
+
"0023|A combination of Canadian capital quickly organized and petitioned for the same privileges."
|
24 |
+
"0024|It was my reports from the north which chiefly induced people to buy."
|
25 |
+
"0025|I was about to do this when cooler judgment prevailed."
|
26 |
+
"0026|It occurred to me that there would have to be an accounting."
|
27 |
+
"0027|To my surprise he began to show actual enthusiasm in my favor."
|
28 |
+
"0028|Robbery, bribery, fraud,"
|
29 |
+
"0029|Their forces were already moving into the north country."
|
30 |
+
"0030|I had faith in them."
|
31 |
+
"0031|They were three hundred yards apart."
|
32 |
+
"0032|Since then some mysterious force has been fighting us at every step."
|
33 |
+
"0033|He unfolded a long typewritten letter, and handed it to Gregson."
|
34 |
+
"0034|Men of Selden's stamp don't stop at women and children."
|
35 |
+
"0035|He stopped, and Philip nodded at the horrified question in his eyes."
|
36 |
+
"0036|She turned in at the hotel."
|
37 |
+
"0037|I was the only one who remained sitting."
|
38 |
+
"0038|We'll have to watch our chances."
|
39 |
+
"0039|The ship should be in within a week or ten days."
|
40 |
+
"0040|I suppose you wonder why she is coming up here."
|
41 |
+
"0041|Meanwhile I'll go out to breathe a spell."
|
42 |
+
"0042|How could he explain his possession of the sketch."
|
43 |
+
"0043|It seemed nearer to him since he had seen and talked with Gregson."
|
44 |
+
"0044|Her own betrayal of herself was like tonic to Philip."
|
45 |
+
"0045|He moved away as quietly as he had come."
|
46 |
+
"0046|The girl faced him, her eyes shining with sudden fear."
|
47 |
+
"0047|Close beside him gleamed the white fangs of the wolf-dog."
|
48 |
+
"0048|He looked at the handkerchief more, closely."
|
49 |
+
"0049|Gregson was asleep when he re-entered the cabin."
|
50 |
+
"0050|In spite of their absurdity the words affected Philip curiously."
|
51 |
+
"0051|The lace was of a delicate ivory color, faintly tinted with yellow."
|
52 |
+
"0052|It was a curious coincidence."
|
53 |
+
"0053|Suddenly his fingers closed tightly over the handkerchief."
|
54 |
+
"0054|There was nothing on the rock."
|
55 |
+
"0055|Philip stood undecided, his ears strained to catch the slightest sound."
|
56 |
+
"0056|Pearce's little eyes were fixed on him shrewdly."
|
57 |
+
"0057|I have no idea, replied Philip."
|
58 |
+
"0058|I came for information more out of curiosity than anything else."
|
59 |
+
"0059|His immaculate appearance was gone."
|
60 |
+
"0060|Anyway, no one saw her like that."
|
61 |
+
"0061|Philip snatched at the letter which Gregson held out to him."
|
62 |
+
"0062|The men stared into each other's face."
|
63 |
+
"0063|Yes, it was a man who asked, a stranger."
|
64 |
+
"0064|The fourth and fifth days passed without any developments."
|
65 |
+
"0065|They closed now until his fingers were like cords of steel."
|
66 |
+
"0066|He saw Jeanne falter for a moment."
|
67 |
+
"0067|Surely I will excuse you, she cried."
|
68 |
+
"0068|In a flash Philip followed its direction."
|
69 |
+
"0069|It was his intention to return to Eileen and her father."
|
70 |
+
"0070|He would first hunt up Gregson and begin his work there."
|
71 |
+
"0071|What was the object of your little sensation."
|
72 |
+
"0072|But who was Eileen's double."
|
73 |
+
"0073|The promoter's eyes were heavy, with little puffy bags under them."
|
74 |
+
"0074|And now, down there, Eileen was waiting for him."
|
75 |
+
"0075|There has been a change, she interrupted him."
|
76 |
+
"0076|The gray eyes faltered; the flush deepened."
|
77 |
+
"0077|It is the fire, partly, she said."
|
78 |
+
"0078|Then, and at supper, he tried to fathom her."
|
79 |
+
"0079|It was a large canoe."
|
80 |
+
"0080|What if Jeanne failed him."
|
81 |
+
"0081|What if she did not come to the rock."
|
82 |
+
"0082|His face was streaming with blood."
|
83 |
+
"0083|A shadow was creeping over Pierre's eyes."
|
84 |
+
"0084|Scarcely had he uttered the name when Pierre's closing eyes shot open."
|
85 |
+
"0085|A trickle of fresh blood ran over his face."
|
86 |
+
"0086|Death had come with terrible suddenness."
|
87 |
+
"0087|Philip bent lower, and stared into the face of the dead man."
|
88 |
+
"0088|He made sure that the magazine was loaded, and resumed his paddling."
|
89 |
+
"0089|The nightglow was treacherous to shoot by."
|
90 |
+
"0090|The singing voice approached rapidly."
|
91 |
+
"0091|His blood grew hot with rage at the thought."
|
92 |
+
"0092|He went down in midstream, searching the shadows of both shores."
|
93 |
+
"0093|For a full minute he crouched and listened."
|
94 |
+
"0094|He had barely entered this when he saw the glow of a fire."
|
95 |
+
"0095|A big canvas tent was the first thing to come within his vision."
|
96 |
+
"0096|Perhaps she had already met her fate a little deeper in the forest."
|
97 |
+
"0097|Then you can arrange yourself comfortably among these robes in the bow."
|
98 |
+
"0098|Shall I carry you."
|
99 |
+
"0099|A maddening joy pounded in his brain."
|
100 |
+
"0100|You must sleep, he urged."
|
101 |
+
"0101|You, you would not keep the truth from me."
|
102 |
+
"0102|He will follow us soon."
|
103 |
+
"0103|But there came no promise from the bow of the canoe."
|
104 |
+
"0104|She was sleeping under his protection as sweetly as a child."
|
105 |
+
"0105|Only, it is so wonderful, so almost impossible to believe."
|
106 |
+
"0106|The emotion which she had suppressed burst forth now in a choking sob."
|
107 |
+
"0107|If you only could know how I thank you."
|
108 |
+
"0108|He waded into the edge of the water and began scrubbing himself."
|
109 |
+
"0109|Do you know that you are shaking my confidence in you."
|
110 |
+
"0110|Much, replied Jeanne, as tersely."
|
111 |
+
"0111|Instead, he joined her; and they ate like two hungry children."
|
112 |
+
"0112|He was wounded in the arm."
|
113 |
+
"0113|I suppose you picked that lingo up among the Indians."
|
114 |
+
"0114|Her words sent a strange chill through Philip."
|
115 |
+
"0115|He had no excuse for the feelings which were aroused in him."
|
116 |
+
"0116|Was it the rendezvous of those who were striving to work his ruin."
|
117 |
+
"0117|She added, with genuine sympathy in her face and voice."
|
118 |
+
"0118|Pierre obeys me when we are together."
|
119 |
+
"0119|Jeanne was turning the bow shoreward."
|
120 |
+
"0120|My right foot feels like that of a Chinese debutante."
|
121 |
+
"0121|They ate dinner at the fifth, and rested for two hours."
|
122 |
+
"0122|Two years ago I gave up civilization for this."
|
123 |
+
"0123|She had died from cold and starvation."
|
124 |
+
"0124|It was Jeanne singing softly over beyond the rocks."
|
125 |
+
"0125|He was determined now to maintain a more certain hold upon himself."
|
126 |
+
"0126|Each day she became a more vital part of him."
|
127 |
+
"0127|It was a temptation, but he resisted it."
|
128 |
+
"0128|This one hope was destroyed as quickly as it was born."
|
129 |
+
"0129|Her face was against his breast."
|
130 |
+
"0130|She was his now, forever."
|
131 |
+
"0131|Providence had delivered him through the maelstrom."
|
132 |
+
"0132|A cry of joy burst from Philip's lips."
|
133 |
+
"0133|Philip began to feel that he had foolishly overestimated his strength."
|
134 |
+
"0134|He obeyed the pressure of her hand."
|
135 |
+
"0135|I am going to surprise father, and you will go with Pierre."
|
136 |
+
"0136|About him, everywhere, were the evidences of luxury and of age."
|
137 |
+
"0137|Then he stepped back with a low cry of pleasure."
|
138 |
+
"0138|In the picture he saw each moment a greater resemblance to Jeanne."
|
139 |
+
"0139|He told himself that as he washed himself and groomed his disheveled clothes."
|
140 |
+
"0140|Accept a father's blessing, and with it, this."
|
141 |
+
"0141|It seems like a strange pointing of the hand of God."
|
142 |
+
"0142|Such things had occurred before, he told Philip."
|
143 |
+
"0143|Ah, I had forgotten, he exclaimed."
|
144 |
+
"0144|But there was something even more startling than this resemblance."
|
145 |
+
"0145|I have to be careful of them, as they tear very easily."
|
146 |
+
"0146|Of course, that is uninteresting, she continued."
|
147 |
+
"0147|A moment before he was intoxicated by a joy that was almost madness."
|
148 |
+
"0148|Now these things had been struck dead within him."
|
149 |
+
"0149|For an instant he saw Pierre drawn like a silhouette against the sky."
|
150 |
+
"0150|Goodbye, Pierre, he shouted."
|
151 |
+
"0151|And MacDougall was beyond the trail, with three weeks to spare."
|
152 |
+
"0152|Philip thrust himself against it and entered."
|
153 |
+
"0153|MacDougall tapped his forehead suspiciously with a stubby forefinger."
|
154 |
+
"0154|He was smooth-shaven, and his hair and eyes were black."
|
155 |
+
"0155|Won't you draw up, gentlemen."
|
156 |
+
"0156|A strange fire burned in his eyes when Thorpe turned."
|
157 |
+
"0157|He had worshiped her, as Dante might have worshiped Beatrice."
|
158 |
+
"0158|Does that look good."
|
159 |
+
"0159|They look as though he had been drumming a piano all his life."
|
160 |
+
"0160|You want to go over and see his gang throw dirt."
|
161 |
+
"0161|Take away their foreman and they wouldn't be worth their grub."
|
162 |
+
"0162|That's the sub-foreman, explained Thorpe."
|
163 |
+
"0163|Philip made no effort to follow."
|
164 |
+
"0164|He came first a year ago, and revealed himself to Jeanne."
|
165 |
+
"0165|They are to attack your camp tomorrow night."
|
166 |
+
"0166|Two days ago Jeanne learned where her father's men were hiding."
|
167 |
+
"0167|I was near the cabin, and saw you."
|
168 |
+
"0168|Low bush whipped him in the face and left no sting."
|
169 |
+
"0169|Suddenly Jeanne stopped for an instant."
|
170 |
+
"0170|There was none of the joy of meeting in his face."
|
171 |
+
"0171|And when you come back in a few days, bring Eileen."
|
172 |
+
"0172|Gregson had left the outer door slightly ajar."
|
173 |
+
"0173|The date was nearly eighteen years old."
|
174 |
+
"0174|They were the presage of storm."
|
175 |
+
"0175|Down there the earth was already swelling with life."
|
176 |
+
"0176|For the first time in his life he was yearning for a scrap."
|
177 |
+
"0177|She had been thoroughly and efficiently mauled."
|
178 |
+
"0178|Every bone in her aged body seemed broken or dislocated."
|
179 |
+
"0179|Tomorrow I'm going after that bear, he said."
|
180 |
+
"0180|If not, let's say our prayers and go to bed."
|
181 |
+
"0181|So cheer up, and give us your paw."
|
182 |
+
"0182|This time he did not yap for mercy."
|
183 |
+
"0183|And the air was growing chilly."
|
184 |
+
"0184|Don't you see, I'm chewing this thing in two."
|
185 |
+
"0185|The questions may have come vaguely in his mind."
|
186 |
+
"0186|Like a flash he launched himself into the feathered mass of the owl."
|
187 |
+
"0187|Ahead of them they saw a glimmer of sunshine."
|
188 |
+
"0188|Two gigantic owls were tearing at the carcass."
|
189 |
+
"0189|The big-eyed, clucking moose-birds were most annoying."
|
190 |
+
"0190|Next to them the Canada jays were most persistent."
|
191 |
+
"0191|For a time the exciting thrill of his adventure was gone."
|
192 |
+
"0192|He did not rush in."
|
193 |
+
"0193|It was edged with ice."
|
194 |
+
"0194|He drank of the water cautiously."
|
195 |
+
"0195|But a strange thing happened."
|
196 |
+
"0196|He began to follow the footprints of the dog."
|
197 |
+
"0197|Such a dog the wise driver kills, or turns loose."
|
198 |
+
"0198|Sometimes her dreams were filled with visions."
|
199 |
+
"0199|Thus had the raw wilderness prepared him for this day."
|
200 |
+
"0200|He leapt again, and the club caught him once more."
|
201 |
+
"0201|He cried, and swung the club wildly."
|
202 |
+
"0202|She turned, fearing that Jacques might see what was in her face."
|
203 |
+
"0203|They were following the shore of a lake."
|
204 |
+
"0204|The wolf-dog thrust his gaunt muzzle toward him."
|
205 |
+
"0205|From now on we're pals."
|
206 |
+
"0206|He says he bought him of Jacques Le Beau."
|
207 |
+
"0207|How much was it."
|
208 |
+
"0208|Youth had come back to her, freed from the yoke of oppression."
|
209 |
+
"0209|It was not a large lake, and almost round."
|
210 |
+
"0210|Its diameter was not more than two hundred yards."
|
211 |
+
"0211|It drowned all sound that brute agony and death may have made."
|
212 |
+
"0212|Fresh cases, still able to walk, they clustered about the spokesman."
|
213 |
+
"0213|Between him and the beach was the cane-grass fence of the compound."
|
214 |
+
"0214|Besides, he was paid one case of tobacco per head."
|
215 |
+
"0215|They die out of spite."
|
216 |
+
"0216|The other felt a sudden wave of irritation rush through him."
|
217 |
+
"0217|Oppressive as the heat had been, it was now even more oppressive."
|
218 |
+
"0218|The ringing of the big bell aroused him."
|
219 |
+
"0219|At first he puzzled over something untoward he was sure had happened."
|
220 |
+
"0220|A dead man is of no use on a plantation."
|
221 |
+
"0221|I don't know why you're here at all."
|
222 |
+
"0222|What part of the United States is your home."
|
223 |
+
"0223|My, I'm almost homesick for it already."
|
224 |
+
"0224|She nodded, and her eyes grew soft and moist."
|
225 |
+
"0225|I was brought up the way most girls in Hawaii are brought up."
|
226 |
+
"0226|That came before my A B C's."
|
227 |
+
"0227|It was the same way with our revolvers and rifles."
|
228 |
+
"0228|But it contributed to the smash."
|
229 |
+
"0229|The last one I knew was an overseer."
|
230 |
+
"0230|Do you know any good land around here."
|
231 |
+
"0231|The Resident Commissioner is away in Australia."
|
232 |
+
"0232|I cannot follow you, she said."
|
233 |
+
"0233|I never allow what can't be changed to annoy me."
|
234 |
+
"0234|Why, the average review is more nauseating than cod liver oil."
|
235 |
+
"0235|His voice was passionately rebellious."
|
236 |
+
"0236|Don't you see I hate you."
|
237 |
+
"0237|So Hughie and I did the managing ourselves."
|
238 |
+
"0238|It happened to him at the Gallina Society in Oakland one afternoon."
|
239 |
+
"0239|He cried in such genuine dismay that she broke into hearty laughter."
|
240 |
+
"0240|Wash your hands of me."
|
241 |
+
"0241|I think it's much nicer to quarrel."
|
242 |
+
"0242|I saw it when she rolled."
|
243 |
+
"0243|I only read the quotations."
|
244 |
+
"0244|He was the soul of devotion to his employers."
|
245 |
+
"0245|Out of his eighteen hundred, he laid aside sixteen hundred each year."
|
246 |
+
"0246|You have heard always how he was the lover of the Princess Naomi."
|
247 |
+
"0247|They ought to pass here some time today."
|
248 |
+
"0248|I had been sad too long already."
|
249 |
+
"0249|All eyes, however, were staring at him in certitude of expectancy."
|
250 |
+
"0250|He had observed the business life of Hawaii and developed a vaulting ambition."
|
251 |
+
"0251|I may manage to freight a cargo back as well."
|
252 |
+
"0252|O'Brien had been a clean living young man with ideals."
|
253 |
+
"0253|He it was that lived to found the family of the Patino."
|
254 |
+
"0254|Straight out they swam, their heads growing smaller and smaller."
|
255 |
+
"0255|You won't die of malnutrition, be sure of that."
|
256 |
+
"0256|See the length of the body and that elongated neck."
|
257 |
+
"0257|They are coming ashore, whoever they are."
|
258 |
+
"0258|Soaked in seawater they offset the heat rays."
|
259 |
+
"0259|Think of investing in such an adventure."
|
260 |
+
"0260|Nobody knew his history, they of the Junta least of all."
|
261 |
+
"0261|I have been doubly baptized."
|
262 |
+
"0262|They wouldn't be sweeping a big vessel like the Martha."
|
263 |
+
"0263|Joan looked triumphantly at Sheldon, who bowed."
|
264 |
+
"0264|And I hope you've got plenty of chain out, Captain Young."
|
265 |
+
"0265|The discovery seemed to have been made on the spur of the moment."
|
266 |
+
"0266|They handled two men already, both grub-thieves."
|
267 |
+
"0267|Eli Harding asked, as Shunk started to follow."
|
268 |
+
"0268|Now go ahead and tell me in a straightforward way what has happened."
|
269 |
+
"0269|That's where they cut off the Scottish Chiefs and killed all hands."
|
270 |
+
"0270|And after the bath a shave would not be bad."
|
271 |
+
"0271|Now please give a plain statement of what occurred."
|
272 |
+
"0272|You can take a vacation on pay."
|
273 |
+
"0273|They are big trees and require plenty of room."
|
274 |
+
"0274|And Raoul listened again to the tale of the house."
|
275 |
+
"0275|There are no kiddies and half grown youths among them."
|
276 |
+
"0276|Oolong Atoll was one hundred and forty miles in circumference."
|
277 |
+
"0277|McCoy found a stifling, poisonous atmosphere in the pent cabin."
|
278 |
+
"0278|It would give me nervous prostration."
|
279 |
+
"0279|She said with chattering teeth."
|
280 |
+
"0280|I'll be out of my head in fifteen minutes."
|
281 |
+
"0281|I do not blame you for anything; remember that."
|
282 |
+
"0282|If you mean to insinuate -- Brentwood began hotly."
|
283 |
+
"0283|The woman in you is only incidental, accidental, and irrelevant."
|
284 |
+
"0284|There was no forecasting this strange girl's processes."
|
285 |
+
"0285|But what they want with your toothbrush is more than I can imagine."
|
286 |
+
"0286|Give them their choice between a fine or an official whipping."
|
287 |
+
"0287|Keep an eye on him."
|
288 |
+
"0288|Those are my oysters, he said at last."
|
289 |
+
"0289|They are not regular oyster pirates, Nicholas continued."
|
290 |
+
"0290|One by one the boys were captured."
|
291 |
+
"0291|The weeks had gone by, and no overt acts had been attempted."
|
292 |
+
"0292|Here, in the midmorning, the first casualty occurred."
|
293 |
+
"0293|They were deep in the primeval forest."
|
294 |
+
"0294|He had been foiled in his attempt to escape."
|
295 |
+
"0295|And twenty men could hold it with spears and arrows."
|
296 |
+
"0296|Bassett was a fastidious man."
|
297 |
+
"0297|There's a big English general right now whose name is Roberts."
|
298 |
+
"0298|This tacit promise of continued acquaintance gave Saxon a little joy-thrill."
|
299 |
+
"0299|I tell you I am disgusted with this adventure tomfoolery and rot."
|
300 |
+
"0300|From my earliest recollection my sleep was a period of terror."
|
301 |
+
"0301|But all my dreams violated this law."
|
302 |
+
"0302|It is very plausible to such people, a most convincing hypothesis."
|
303 |
+
"0303|But they make the mistake of ignoring their own duality."
|
304 |
+
"0304|I graduated last of my class."
|
305 |
+
"0305|They had no fixed values, to be altered by adjectives and adverbs."
|
306 |
+
"0306|He was pressing beyond the limits of his vocabulary."
|
307 |
+
"0307|Very early in my life, I separated from my mother."
|
308 |
+
"0308|His infernal chattering worries me even now as I think of it."
|
309 |
+
"0309|White Leghorns, said Mrs Mortimer."
|
310 |
+
"0310|Massage under tension, was the cryptic reply."
|
311 |
+
"0311|Therefore, hurrah for the game."
|
312 |
+
"0312|It lived in perpetual apprehension of that quarter of the compass."
|
313 |
+
"0313|Broken-Tooth yelled with fright and pain."
|
314 |
+
"0314|Thus was momentum gained in the Younger World."
|
315 |
+
"0315|Saxon waited, for she knew a fresh idea had struck Billy."
|
316 |
+
"0316|We had been chased by them ourselves, more than once."
|
317 |
+
"0317|He was a wise hyena."
|
318 |
+
"0318|Production is doubling and quadrupling upon itself."
|
319 |
+
"0319|And the Edinburgh Evening News says, with editorial gloom."
|
320 |
+
"0320|With my strength I slammed it full into Red-Eye's face."
|
321 |
+
"0321|The log on which Lop-Ear was lying got adrift."
|
322 |
+
"0322|This is a common experience with all of us."
|
323 |
+
"0323|He considered the victory already his and stepped forward to the meat."
|
324 |
+
"0324|It was not Red-Eye's way to forego revenge so easily."
|
325 |
+
"0325|Whiz-zip-bang. Lop-Ear screamed with sudden anguish."
|
326 |
+
"0326|Cherokee identified himself with his instinct."
|
327 |
+
"0327|They were less stooped than we, less springy in their movements."
|
328 |
+
"0328|The Fire People, like ourselves, lived in caves."
|
329 |
+
"0329|Ah, indeed."
|
330 |
+
"0330|Red-Eye never committed a more outrageous deed."
|
331 |
+
"0331|Poor little Crooked-Leg was terribly scared."
|
332 |
+
"0332|Unconsciously, our yells and exclamations yielded to this rhythm."
|
333 |
+
"0333|This is no place for you."
|
334 |
+
"0334|He'll knock you off a few sticks in no time."
|
335 |
+
"0335|Red-Eye swung back and forth on the branch farther down."
|
336 |
+
"0336|So unexpected was my charge that I knocked him off his feet."
|
337 |
+
"0337|Encouraged by my conduct, Big-Face became a sudden ally."
|
338 |
+
"0338|The fighting had now become intermittent."
|
339 |
+
"0339|They obeyed him, and went here and there at his commands."
|
340 |
+
"0340|It was like the beating of hoofs."
|
341 |
+
"0341|Why, doggone you all, shake again."
|
342 |
+
"0342|Seventeen, no, eighteen days ago."
|
343 |
+
"0343|You mean for this State, General, Alberta."
|
344 |
+
"0344|He seemed to fill it with his tremendous vitality."
|
345 |
+
"0345|She was trying to pass the apron string around him."
|
346 |
+
"0346|Get down and dig in."
|
347 |
+
"0347|They are greatly delighted with anything that is bright or giveth a sound."
|
348 |
+
"0348|They only lifted seven hundred and fifty."
|
349 |
+
"0349|It was simple, in its way, and no virtue of his."
|
350 |
+
"0350|Is that Pat Hanrahan's mug looking hungry and willing."
|
351 |
+
"0351|It was more like sugar."
|
352 |
+
"0352|I'm sure going along with you all, Elijah."
|
353 |
+
"0353|Here the explosion of mirth drowned him out."
|
354 |
+
"0354|Fresh meat they failed to obtain."
|
355 |
+
"0355|A burst of laughter was his reward."
|
356 |
+
"0356|You don't catch me at any such foolishness."
|
357 |
+
"0357|A month passed by, and Bonanza Creek remained quiet."
|
358 |
+
"0358|They continued valiantly to lie, but the truth continued to outrun them."
|
359 |
+
"0359|Earth and gravel seemed to fill the pan."
|
360 |
+
"0360|But he no longer cared quite so much for that form of diversion."
|
361 |
+
"0361|But he did not broach it, preferring to mature it carefully."
|
362 |
+
"0362|Nope, not the slightest idea."
|
363 |
+
"0363|It is not an attempt to smash the market."
|
364 |
+
"0364|We have plenty of capital ourselves, and yet we want more."
|
365 |
+
"0365|These rumors may even originate with us."
|
366 |
+
"0366|A wildly exciting time was his during the week preceding Thursday the eighteenth."
|
367 |
+
"0367|There is not an iota of truth in it, certainly not."
|
368 |
+
"0368|I just do appreciate it without being able to express my feelings."
|
369 |
+
"0369|In partnership with Daylight, the pair raided the San Jose Interurban."
|
370 |
+
"0370|He saw all men in the business game doing this."
|
371 |
+
"0371|It issued a rate of forty two dollars a car on charcoal."
|
372 |
+
"0372|He saw only the effect in a general, sketchy way."
|
373 |
+
"0373|Points of view, new ideas, life."
|
374 |
+
"0374|But life's worth more than cash, she argued."
|
375 |
+
"0375|The butchers and meat cutters refused to handle meat destined for unfair restaurants."
|
376 |
+
"0376|Your price, my son, is just about thirty per week."
|
377 |
+
"0377|This sound did not disturb the hush and awe of the place."
|
378 |
+
"0378|That's why its boundaries are all gouged and jagged."
|
379 |
+
"0379|How old are you, daddy."
|
380 |
+
"0380|But in the canyons water was plentiful and also a luxuriant forest growth."
|
381 |
+
"0381|My name's Ferguson."
|
382 |
+
"0382|Daylight found himself charmed and made curious by the little man."
|
383 |
+
"0383|To his surprise, her answer was flat and uncompromising."
|
384 |
+
"0384|The farmer works the soil and produces grain."
|
385 |
+
"0385|That's what Carnegie did."
|
386 |
+
"0386|I can't argue with you, and you know that."
|
387 |
+
"0387|Bob, growing disgusted, turned back suddenly and attempted to pass Mab."
|
388 |
+
"0388|It was my idea to a tee."
|
389 |
+
"0389|Mab, she said."
|
390 |
+
"0390|I'll go over tomorrow afternoon."
|
391 |
+
"0391|But he reconciled himself to it by an act of faith."
|
392 |
+
"0392|There is that magnificent Bob, eating his head off in the stable."
|
393 |
+
"0393|Already he had begun borrowing from the banks."
|
394 |
+
"0394|It's the strap hangers that'll keep us from going under."
|
395 |
+
"0395|As for himself, weren't the street railway earnings increasing steadily."
|
396 |
+
"0396|A rising tide of fat had submerged them."
|
397 |
+
"0397|Call me that again, he murmured ecstatically."
|
398 |
+
"0398|In the car were Unwin and Harrison, while Jones sat with the chauffeur."
|
399 |
+
"0399|And here's another idea."
|
400 |
+
"0400|Manuel had one besetting sin."
|
401 |
+
"0401|The man smiled grimly, and brought a hatchet and a club."
|
402 |
+
"0402|Curly rushed her antagonist, who struck again and leaped aside."
|
403 |
+
"0403|His newborn cunning gave him poise and control."
|
404 |
+
"0404|Perrault found one with head buried in the grub box."
|
405 |
+
"0405|It seemed the ordained order of things that dogs should work."
|
406 |
+
"0406|And that was the last of Francois and Perrault."
|
407 |
+
"0407|Mercedes screamed, cried, laughed, and manifested the chaotic abandonment of hysteria."
|
408 |
+
"0408|The Eldorado emptied its occupants into the street to see the test."
|
409 |
+
"0409|He could feel a new stir in the land."
|
410 |
+
"0410|So we have to fit the boat throughout with oil lamps as well."
|
411 |
+
"0411|It will break our hearts and our backs to hoist anchor by hand."
|
412 |
+
"0412|There is another virtue in these bulkheads."
|
413 |
+
"0413|But I am at the end of my resources."
|
414 |
+
"0414|Now our figuring was all right."
|
415 |
+
"0415|It lasted as a deterrent for two days."
|
416 |
+
"0416|The added weight had a velocity of fifteen miles per hour."
|
417 |
+
"0417|It is also an insidious, deceitful sun."
|
418 |
+
"0418|The Portuguese boy crawled nearer and nearer."
|
419 |
+
"0419|The Portuguese boy passed the Hawaiian."
|
420 |
+
"0420|When I came to I was waving my hat and murmuring ecstatically."
|
421 |
+
"0421|By golly, the boy wins."
|
422 |
+
"0422|Halfway around the track one donkey got into an argument with its rider."
|
423 |
+
"0423|McVeigh when he returns from a trip to Honolulu."
|
424 |
+
"0424|Obviously, it was a disease that could be contracted by contact."
|
425 |
+
"0425|Otherwise no restriction is put upon their seafaring."
|
426 |
+
"0426|They do not know the length of time of incubation."
|
427 |
+
"0427|Enters now the psychology of the situation."
|
428 |
+
"0428|It was not exactly a deportation."
|
429 |
+
"0429|Quick was the disappointment in his face, yet smiling was the acquiescence."
|
430 |
+
"0430|Nevertheless we found ourselves once more in the high seat of abundance."
|
431 |
+
"0431|Wada and Nakata were in a bit of a funk."
|
432 |
+
"0432|The boy at the wheel lost his head."
|
433 |
+
"0433|To her the bridge was tambo, which is the native for taboo."
|
434 |
+
"0434|A half a case of tobacco was worth three pounds."
|
435 |
+
"0435|What do you mean by this outrageous conduct."
|
436 |
+
"0436|But Martin smiled a superior smile."
|
437 |
+
"0437|By that answer my professional medical prestige stood or fell."
|
438 |
+
"0438|At sea, Monday, March 16, 1908."
|
439 |
+
"0439|At sea, Wednesday, March 18, 1908."
|
440 |
+
"0440|Yes, sir, I corrected."
|
441 |
+
"0441|Violent life and athletic sports had never appealed to me."
|
442 |
+
"0442|You live on an income which your father earned."
|
443 |
+
"0443|He was worth nothing to the world."
|
444 |
+
"0444|Then you don't believe in altruism."
|
445 |
+
"0445|The creative joy, I murmured."
|
446 |
+
"0446|He deluged me, overwhelmed me with argument."
|
447 |
+
"0447|Ah, it is growing dark and darker."
|
448 |
+
"0448|I was Hump, cabin boy on the schooner Ghost."
|
449 |
+
"0449|A sinewy hand, dripping with water, was clutching the rail."
|
450 |
+
"0450|No man ate of the seal meat or the oil."
|
451 |
+
"0451|I noticed blood spouting from Kerfoot's left hand."
|
452 |
+
"0452|Three oilers and a fourth engineer, was his greeting."
|
453 |
+
"0453|Eighteen hundred, he calculated."
|
454 |
+
"0454|The sharp voice of Wolf Larsen aroused me."
|
455 |
+
"0455|I obeyed, and a minute or two later they stood before him."
|
456 |
+
"0456|But it won't continue, she said with easy confidence."
|
457 |
+
"0457|What I saw I could not at first believe."
|
458 |
+
"0458|The stout wood was crushed like an eggshell."
|
459 |
+
"0459|There's too much of the schoolboy in me."
|
460 |
+
"0460|I had forgotten their existence."
|
461 |
+
"0461|Ah, we were very close together in that moment."
|
462 |
+
"0462|But she swung obediently on her heel into the wind."
|
463 |
+
"0463|They are his tongue, by which he makes his knowledge articulate."
|
464 |
+
"0464|Between the rush of the cascades, streaks of rust showed everywhere."
|
465 |
+
"0465|He'll never do a tap of work the whole Voyage."
|
466 |
+
"0466|Captain West may be a Samurai, but he is also human."
|
467 |
+
"0467|And so early in the voyage, too."
|
468 |
+
"0468|In the matter of curry she is a sheer genius."
|
469 |
+
"0469|The eastern heavens were equally spectacular."
|
470 |
+
"0470|He spat it out like so much venom."
|
471 |
+
"0471|I saw Mr Pike nod his head grimly and sarcastically."
|
472 |
+
"0472|He is too keenly intelligent, too sharply sensitive, successfully to endure."
|
473 |
+
"0473|The night was calm and snowy."
|
474 |
+
"0474|I sailed third mate in the little Vampire before you were born."
|
475 |
+
"0475|His outstretched arm dropped to his side, and he paused."
|
476 |
+
"0476|At this moment I felt a stir at my shoulder."
|
477 |
+
"0477|Wada, Louis, and the steward are servants of Asiatic breed."
|
478 |
+
"0478|Also, she has forbidden them smoking their pipes in the after-room."
|
479 |
+
"0479|I tried to read George Moore last night, and was dreadfully bored."
|
480 |
+
"0480|Tom Spink has a harpoon."
|
481 |
+
"0481|Nimrod replied, with a slight manifestation of sensitiveness."
|
482 |
+
"0482|And their chief virtue lies in that they will never wear out."
|
483 |
+
"0483|Beyond dispute, Corry Hutchinson had married Mabel Holmes."
|
484 |
+
"0484|No-sir-ee."
|
485 |
+
"0485|Each insult added to the value of the claim."
|
486 |
+
"0486|For the rest, he was a mere automaton."
|
487 |
+
"0487|The river bared its bosom, and snorting steamboats challenged the wilderness."
|
488 |
+
"0488|Their love burned with increasing brightness."
|
489 |
+
"0489|They were artists, not biologists."
|
490 |
+
"0490|Both Johnny and his mother shuffled their feet as they walked."
|
491 |
+
"0491|And as in denial of guilt, the one-legged boy replied."
|
492 |
+
"0492|Burnt out like the crater of a volcano."
|
493 |
+
"0493|The boy, O'Brien, was specially maltreated."
|
494 |
+
"0494|O'Brien took off his coat and bared his right arm."
|
495 |
+
"0495|He bore no grudges and had few enemies."
|
496 |
+
"0496|And Tom King patiently endured."
|
497 |
+
"0497|King took every advantage he knew."
|
498 |
+
"0498|The lines were now very taut."
|
499 |
+
"0499|And right there I saw and knew it all."
|
500 |
+
"0500|Who the devil gave it to you to be judge and jury."
|
501 |
+
"0501|You're joking me, sir, the other managed to articulate."
|
502 |
+
"0502|Anything unusual or abnormal was sufficient to send a fellow to Molokai."
|
503 |
+
"0503|His beady black eyes saw bargains where other men saw bankruptcy."
|
504 |
+
"0504|He was an athlete and a giant."
|
505 |
+
"0505|We fished sharks on Niihau together."
|
506 |
+
"0506|The Claudine was leaving next morning for Honolulu."
|
507 |
+
"0507|In short, my joyous individualism was dominated by the orthodox bourgeois ethics."
|
508 |
+
"0508|Soon shall it be thrust back from off prostrate humanity."
|
509 |
+
"0509|Yet, in accordance with Ernest's test of truth, it worked."
|
510 |
+
"0510|Much more Ernest told them of themselves and of his disillusionment."
|
511 |
+
"0511|There is more behind this than a mere university ideal."
|
512 |
+
"0512|No, it is a palace, wherein there are many servants."
|
513 |
+
"0513|We must give ourselves and not our money alone."
|
514 |
+
"0514|We are consumed in our own flesh-pots."
|
515 |
+
"0515|But here amongst ourselves let us speak out."
|
516 |
+
"0516|Also, there was awe in their faces."
|
517 |
+
"0517|Out of abstractions Ernest had conjured a vision and made them see it."
|
518 |
+
"0518|Illuminating oil was becoming all profit."
|
519 |
+
"0519|Such an act was in direct violation of the laws of the land."
|
520 |
+
"0520|He was fond of quoting a fragment from a certain poem."
|
521 |
+
"0521|Without them he could not run his empire."
|
522 |
+
"0522|For such countries nothing remained but reorganization."
|
523 |
+
"0523|They could not continue their method of producing surpluses."
|
524 |
+
"0524|At once would be instituted a dozen cooperative commonwealth states."
|
525 |
+
"0525|The Oligarchy wanted violence, and it set its agents provocateurs to work."
|
526 |
+
"0526|Nowhere did the raw earth appear."
|
527 |
+
"0527|The lush vegetation of that sheltered spot make a natural shield."
|
528 |
+
"0528|Men who endure it, call it living death."
|
529 |
+
"0529|As I say, he had tapped the message very rapidly."
|
530 |
+
"0530|Ask him, I laughed, then turned to Pasquini."
|
531 |
+
"0531|In what bucolic school of fence he had been taught was beyond imagining."
|
532 |
+
"0532|May drought destroy your crops."
|
533 |
+
"0533|Dunham, can your boy go along with Jesse."
|
534 |
+
"0534|But Johannes could, and did."
|
535 |
+
"0535|A new preacher and a new doctrine come to Jerusalem."
|
536 |
+
"0536|He would destroy all things that are fixed."
|
537 |
+
"0537|He was an enthusiast and a desert dweller."
|
538 |
+
"0538|What Pascal glimpsed with the vision of a seer, I have lived."
|
539 |
+
"0539|I should like to engage just for one whole life in that."
|
540 |
+
"0540|Yea, so are all the lesser animals of today clean."
|
541 |
+
"0541|The Warden with a quart of champagne."
|
542 |
+
"0542|Without a doubt, some of them have dinner engagements."
|
543 |
+
"0543|I had been born with no organic, chemical predisposition toward alcohol."
|
544 |
+
"0544|He may anticipate the day of his death."
|
545 |
+
"0545|The Italian rancho was a bachelor establishment."
|
546 |
+
"0546|I lost my balance and pitched head foremost into the ooze."
|
547 |
+
"0547|Men like Joe Goose dated existence from drunk to drunk."
|
548 |
+
"0548|Also, churches and preachers I had never known."
|
549 |
+
"0549|Do you know that we weigh every pound of coal we burn."
|
550 |
+
"0550|This also became part of the daily schedule."
|
551 |
+
"0551|All an appearance can know is mirage."
|
552 |
+
"0552|Yet he dreams he is immortal, I argue feebly."
|
553 |
+
"0553|I am writing these lines in Honolulu, Hawaii."
|
554 |
+
"0554|Jack London, Waikiki Beach, Honolulu, Oahu."
|
555 |
+
"0555|Jerry was so secure in his nook that he did not roll away."
|
556 |
+
"0556|Why, he's bought forty pounds of goods from you already."
|
557 |
+
"0557|The last refugee had passed."
|
558 |
+
"0558|And the foundation stone of service, in his case, was obedience."
|
559 |
+
"0559|Peace be unto you and grace before the Lord."
|
560 |
+
"0560|His mouth opened; words shaped vainly on his lips."
|
561 |
+
"0561|Bill lingered, contemplating his work with artistic appreciation."
|
562 |
+
"0562|What the flaming."
|
563 |
+
"0563|Mrs McFee's jaws brought together with a snap."
|
564 |
+
"0564|Then it is as I said, Womble announced with finality."
|
565 |
+
"0565|With them were Indians, also three other men."
|
566 |
+
"0566|Dennin's hands were released long enough for him to sign the document."
|
567 |
+
"0567|Now Irvine was a man of impulse, a poet."
|
568 |
+
"0568|He was just bursting with joy, joy over what."
|
569 |
+
"0569|At Lake Linderman I had one canoe, very good Peterborough canoe."
|
570 |
+
"0570|Behind him lay the thousand-years-long road across all Siberia and Russia."
|
571 |
+
"0571|He had forgotten to build a fire and thaw out."
|
572 |
+
"0572|I never saw anything like her in my life."
|
573 |
+
"0573|There was no law on the Yukon save what they made for themselves."
|
574 |
+
"0574|Good business man, Curly, O'Brien was saying."
|
575 |
+
"0575|There weren't any missions, and he was the man to know."
|
576 |
+
"0576|And the big Persian knew of his existence before he did of hers."
|
577 |
+
"0577|Once the jews harp began emitting its barbaric rhythms, Michael was helpless."
|
578 |
+
"0578|But we'll just postpone this."
|
579 |
+
"0579|There was the Emma Louisa."
|
580 |
+
"0580|This is my fifth voyage."
|
581 |
+
"0581|It was this proposition that started the big idea in Daughtry's mind."
|
582 |
+
"0582|Daughtry elaborated on the counting trick by bringing Cocky along."
|
583 |
+
"0583|Enjoy it he did, but principally for Steward's sake."
|
584 |
+
"0584|I have long noted your thirst unquenchable."
|
585 |
+
"0585|Wonder if he's a lion dog, Charles suggested."
|
586 |
+
"0586|We don't see ourselves as foolish."
|
587 |
+
"0587|He had comparatively no advantages at first."
|
588 |
+
"0588|He had proved it today, with his amateurish and sophomoric productions."
|
589 |
+
"0589|I was sick once -- typhoid."
|
590 |
+
"0590|In a way he is my protege."
|
591 |
+
"0591|We are both children together."
|
592 |
+
"0592|It's only his indigestion I find fault with."
|
593 |
+
"0593|She'd make a good wife for the cashier."
|
lexicon/librispeech-lexicon.txt
ADDED
The diff for this file is too large to render.
See raw diff
|
|
lexicon/pinyin-lexicon-r.txt
ADDED
@@ -0,0 +1,4120 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
a1 a1
|
2 |
+
a2 a2
|
3 |
+
a3 a3
|
4 |
+
a4 a4
|
5 |
+
a5 a5
|
6 |
+
ai1 ai1
|
7 |
+
ai2 ai2
|
8 |
+
ai3 ai3
|
9 |
+
ai4 ai4
|
10 |
+
ai5 ai5
|
11 |
+
an1 an1
|
12 |
+
an2 an2
|
13 |
+
an3 an3
|
14 |
+
an4 an4
|
15 |
+
an5 an5
|
16 |
+
ang1 ang1
|
17 |
+
ang2 ang2
|
18 |
+
ang3 ang3
|
19 |
+
ang4 ang4
|
20 |
+
ang5 ang5
|
21 |
+
ao1 ao1
|
22 |
+
ao2 ao2
|
23 |
+
ao3 ao3
|
24 |
+
ao4 ao4
|
25 |
+
ao5 ao5
|
26 |
+
ba1 b a1
|
27 |
+
ba2 b a2
|
28 |
+
ba3 b a3
|
29 |
+
ba4 b a4
|
30 |
+
ba5 b a5
|
31 |
+
bai1 b ai1
|
32 |
+
bai2 b ai2
|
33 |
+
bai3 b ai3
|
34 |
+
bai4 b ai4
|
35 |
+
bai5 b ai5
|
36 |
+
ban1 b an1
|
37 |
+
ban2 b an2
|
38 |
+
ban3 b an3
|
39 |
+
ban4 b an4
|
40 |
+
ban5 b an5
|
41 |
+
bang1 b ang1
|
42 |
+
bang2 b ang2
|
43 |
+
bang3 b ang3
|
44 |
+
bang4 b ang4
|
45 |
+
bang5 b ang5
|
46 |
+
bao1 b ao1
|
47 |
+
bao2 b ao2
|
48 |
+
bao3 b ao3
|
49 |
+
bao4 b ao4
|
50 |
+
bao5 b ao5
|
51 |
+
bei1 b ei1
|
52 |
+
bei2 b ei2
|
53 |
+
bei3 b ei3
|
54 |
+
bei4 b ei4
|
55 |
+
bei5 b ei5
|
56 |
+
ben1 b en1
|
57 |
+
ben2 b en2
|
58 |
+
ben3 b en3
|
59 |
+
ben4 b en4
|
60 |
+
ben5 b en5
|
61 |
+
beng1 b eng1
|
62 |
+
beng2 b eng2
|
63 |
+
beng3 b eng3
|
64 |
+
beng4 b eng4
|
65 |
+
beng5 b eng5
|
66 |
+
bi1 b i1
|
67 |
+
bi2 b i2
|
68 |
+
bi3 b i3
|
69 |
+
bi4 b i4
|
70 |
+
bi5 b i5
|
71 |
+
bian1 b ian1
|
72 |
+
bian2 b ian2
|
73 |
+
bian3 b ian3
|
74 |
+
bian4 b ian4
|
75 |
+
bian5 b ian5
|
76 |
+
biao1 b iao1
|
77 |
+
biao2 b iao2
|
78 |
+
biao3 b iao3
|
79 |
+
biao4 b iao4
|
80 |
+
biao5 b iao5
|
81 |
+
bie1 b ie1
|
82 |
+
bie2 b ie2
|
83 |
+
bie3 b ie3
|
84 |
+
bie4 b ie4
|
85 |
+
bie5 b ie5
|
86 |
+
bin1 b in1
|
87 |
+
bin2 b in2
|
88 |
+
bin3 b in3
|
89 |
+
bin4 b in4
|
90 |
+
bin5 b in5
|
91 |
+
bing1 b ing1
|
92 |
+
bing2 b ing2
|
93 |
+
bing3 b ing3
|
94 |
+
bing4 b ing4
|
95 |
+
bing5 b ing5
|
96 |
+
bo1 b o1
|
97 |
+
bo2 b o2
|
98 |
+
bo3 b o3
|
99 |
+
bo4 b o4
|
100 |
+
bo5 b o5
|
101 |
+
bu1 b u1
|
102 |
+
bu2 b u2
|
103 |
+
bu3 b u3
|
104 |
+
bu4 b u4
|
105 |
+
bu5 b u5
|
106 |
+
ca1 c a1
|
107 |
+
ca2 c a2
|
108 |
+
ca3 c a3
|
109 |
+
ca4 c a4
|
110 |
+
ca5 c a5
|
111 |
+
cai1 c ai1
|
112 |
+
cai2 c ai2
|
113 |
+
cai3 c ai3
|
114 |
+
cai4 c ai4
|
115 |
+
cai5 c ai5
|
116 |
+
can1 c an1
|
117 |
+
can2 c an2
|
118 |
+
can3 c an3
|
119 |
+
can4 c an4
|
120 |
+
can5 c an5
|
121 |
+
cang1 c ang1
|
122 |
+
cang2 c ang2
|
123 |
+
cang3 c ang3
|
124 |
+
cang4 c ang4
|
125 |
+
cang5 c ang5
|
126 |
+
cao1 c ao1
|
127 |
+
cao2 c ao2
|
128 |
+
cao3 c ao3
|
129 |
+
cao4 c ao4
|
130 |
+
cao5 c ao5
|
131 |
+
ce1 c e1
|
132 |
+
ce2 c e2
|
133 |
+
ce3 c e3
|
134 |
+
ce4 c e4
|
135 |
+
ce5 c e5
|
136 |
+
cen1 c en1
|
137 |
+
cen2 c en2
|
138 |
+
cen3 c en3
|
139 |
+
cen4 c en4
|
140 |
+
cen5 c en5
|
141 |
+
ceng1 c eng1
|
142 |
+
ceng2 c eng2
|
143 |
+
ceng3 c eng3
|
144 |
+
ceng4 c eng4
|
145 |
+
ceng5 c eng5
|
146 |
+
cha1 ch a1
|
147 |
+
cha2 ch a2
|
148 |
+
cha3 ch a3
|
149 |
+
cha4 ch a4
|
150 |
+
cha5 ch a5
|
151 |
+
chai1 ch ai1
|
152 |
+
chai2 ch ai2
|
153 |
+
chai3 ch ai3
|
154 |
+
chai4 ch ai4
|
155 |
+
chai5 ch ai5
|
156 |
+
chan1 ch an1
|
157 |
+
chan2 ch an2
|
158 |
+
chan3 ch an3
|
159 |
+
chan4 ch an4
|
160 |
+
chan5 ch an5
|
161 |
+
chang1 ch ang1
|
162 |
+
chang2 ch ang2
|
163 |
+
chang3 ch ang3
|
164 |
+
chang4 ch ang4
|
165 |
+
chang5 ch ang5
|
166 |
+
chao1 ch ao1
|
167 |
+
chao2 ch ao2
|
168 |
+
chao3 ch ao3
|
169 |
+
chao4 ch ao4
|
170 |
+
chao5 ch ao5
|
171 |
+
che1 ch e1
|
172 |
+
che2 ch e2
|
173 |
+
che3 ch e3
|
174 |
+
che4 ch e4
|
175 |
+
che5 ch e5
|
176 |
+
chen1 ch en1
|
177 |
+
chen2 ch en2
|
178 |
+
chen3 ch en3
|
179 |
+
chen4 ch en4
|
180 |
+
chen5 ch en5
|
181 |
+
cheng1 ch eng1
|
182 |
+
cheng2 ch eng2
|
183 |
+
cheng3 ch eng3
|
184 |
+
cheng4 ch eng4
|
185 |
+
cheng5 ch eng5
|
186 |
+
chi1 ch iii1
|
187 |
+
chi2 ch iii2
|
188 |
+
chi3 ch iii3
|
189 |
+
chi4 ch iii4
|
190 |
+
chi5 ch iii5
|
191 |
+
chong1 ch ong1
|
192 |
+
chong2 ch ong2
|
193 |
+
chong3 ch ong3
|
194 |
+
chong4 ch ong4
|
195 |
+
chong5 ch ong5
|
196 |
+
chou1 ch ou1
|
197 |
+
chou2 ch ou2
|
198 |
+
chou3 ch ou3
|
199 |
+
chou4 ch ou4
|
200 |
+
chou5 ch ou5
|
201 |
+
chu1 ch u1
|
202 |
+
chu2 ch u2
|
203 |
+
chu3 ch u3
|
204 |
+
chu4 ch u4
|
205 |
+
chu5 ch u5
|
206 |
+
chuai1 ch uai1
|
207 |
+
chuai2 ch uai2
|
208 |
+
chuai3 ch uai3
|
209 |
+
chuai4 ch uai4
|
210 |
+
chuai5 ch uai5
|
211 |
+
chuan1 ch uan1
|
212 |
+
chuan2 ch uan2
|
213 |
+
chuan3 ch uan3
|
214 |
+
chuan4 ch uan4
|
215 |
+
chuan5 ch uan5
|
216 |
+
chuang1 ch uang1
|
217 |
+
chuang2 ch uang2
|
218 |
+
chuang3 ch uang3
|
219 |
+
chuang4 ch uang4
|
220 |
+
chuang5 ch uang5
|
221 |
+
chui1 ch uei1
|
222 |
+
chui2 ch uei2
|
223 |
+
chui3 ch uei3
|
224 |
+
chui4 ch uei4
|
225 |
+
chui5 ch uei5
|
226 |
+
chun1 ch uen1
|
227 |
+
chun2 ch uen2
|
228 |
+
chun3 ch uen3
|
229 |
+
chun4 ch uen4
|
230 |
+
chun5 ch uen5
|
231 |
+
chuo1 ch uo1
|
232 |
+
chuo2 ch uo2
|
233 |
+
chuo3 ch uo3
|
234 |
+
chuo4 ch uo4
|
235 |
+
chuo5 ch uo5
|
236 |
+
ci1 c ii1
|
237 |
+
ci2 c ii2
|
238 |
+
ci3 c ii3
|
239 |
+
ci4 c ii4
|
240 |
+
ci5 c ii5
|
241 |
+
cong1 c ong1
|
242 |
+
cong2 c ong2
|
243 |
+
cong3 c ong3
|
244 |
+
cong4 c ong4
|
245 |
+
cong5 c ong5
|
246 |
+
cou1 c ou1
|
247 |
+
cou2 c ou2
|
248 |
+
cou3 c ou3
|
249 |
+
cou4 c ou4
|
250 |
+
cou5 c ou5
|
251 |
+
cu1 c u1
|
252 |
+
cu2 c u2
|
253 |
+
cu3 c u3
|
254 |
+
cu4 c u4
|
255 |
+
cu5 c u5
|
256 |
+
cuan1 c uan1
|
257 |
+
cuan2 c uan2
|
258 |
+
cuan3 c uan3
|
259 |
+
cuan4 c uan4
|
260 |
+
cuan5 c uan5
|
261 |
+
cui1 c uei1
|
262 |
+
cui2 c uei2
|
263 |
+
cui3 c uei3
|
264 |
+
cui4 c uei4
|
265 |
+
cui5 c uei5
|
266 |
+
cun1 c uen1
|
267 |
+
cun2 c uen2
|
268 |
+
cun3 c uen3
|
269 |
+
cun4 c uen4
|
270 |
+
cun5 c uen5
|
271 |
+
cuo1 c uo1
|
272 |
+
cuo2 c uo2
|
273 |
+
cuo3 c uo3
|
274 |
+
cuo4 c uo4
|
275 |
+
cuo5 c uo5
|
276 |
+
da1 d a1
|
277 |
+
da2 d a2
|
278 |
+
da3 d a3
|
279 |
+
da4 d a4
|
280 |
+
da5 d a5
|
281 |
+
dai1 d ai1
|
282 |
+
dai2 d ai2
|
283 |
+
dai3 d ai3
|
284 |
+
dai4 d ai4
|
285 |
+
dai5 d ai5
|
286 |
+
dan1 d an1
|
287 |
+
dan2 d an2
|
288 |
+
dan3 d an3
|
289 |
+
dan4 d an4
|
290 |
+
dan5 d an5
|
291 |
+
dang1 d ang1
|
292 |
+
dang2 d ang2
|
293 |
+
dang3 d ang3
|
294 |
+
dang4 d ang4
|
295 |
+
dang5 d ang5
|
296 |
+
dao1 d ao1
|
297 |
+
dao2 d ao2
|
298 |
+
dao3 d ao3
|
299 |
+
dao4 d ao4
|
300 |
+
dao5 d ao5
|
301 |
+
de1 d e1
|
302 |
+
de2 d e2
|
303 |
+
de3 d e3
|
304 |
+
de4 d e4
|
305 |
+
de5 d e5
|
306 |
+
dei1 d ei1
|
307 |
+
dei2 d ei2
|
308 |
+
dei3 d ei3
|
309 |
+
dei4 d ei4
|
310 |
+
dei5 d ei5
|
311 |
+
den1 d en1
|
312 |
+
den2 d en2
|
313 |
+
den3 d en3
|
314 |
+
den4 d en4
|
315 |
+
den5 d en5
|
316 |
+
deng1 d eng1
|
317 |
+
deng2 d eng2
|
318 |
+
deng3 d eng3
|
319 |
+
deng4 d eng4
|
320 |
+
deng5 d eng5
|
321 |
+
di1 d i1
|
322 |
+
di2 d i2
|
323 |
+
di3 d i3
|
324 |
+
di4 d i4
|
325 |
+
di5 d i5
|
326 |
+
dia1 d ia1
|
327 |
+
dia2 d ia2
|
328 |
+
dia3 d ia3
|
329 |
+
dia4 d ia4
|
330 |
+
dia5 d ia5
|
331 |
+
dian1 d ian1
|
332 |
+
dian2 d ian2
|
333 |
+
dian3 d ian3
|
334 |
+
dian4 d ian4
|
335 |
+
dian5 d ian5
|
336 |
+
diao1 d iao1
|
337 |
+
diao2 d iao2
|
338 |
+
diao3 d iao3
|
339 |
+
diao4 d iao4
|
340 |
+
diao5 d iao5
|
341 |
+
die1 d ie1
|
342 |
+
die2 d ie2
|
343 |
+
die3 d ie3
|
344 |
+
die4 d ie4
|
345 |
+
die5 d ie5
|
346 |
+
ding1 d ing1
|
347 |
+
ding2 d ing2
|
348 |
+
ding3 d ing3
|
349 |
+
ding4 d ing4
|
350 |
+
ding5 d ing5
|
351 |
+
diu1 d iou1
|
352 |
+
diu2 d iou2
|
353 |
+
diu3 d iou3
|
354 |
+
diu4 d iou4
|
355 |
+
diu5 d iou5
|
356 |
+
dong1 d ong1
|
357 |
+
dong2 d ong2
|
358 |
+
dong3 d ong3
|
359 |
+
dong4 d ong4
|
360 |
+
dong5 d ong5
|
361 |
+
dou1 d ou1
|
362 |
+
dou2 d ou2
|
363 |
+
dou3 d ou3
|
364 |
+
dou4 d ou4
|
365 |
+
dou5 d ou5
|
366 |
+
du1 d u1
|
367 |
+
du2 d u2
|
368 |
+
du3 d u3
|
369 |
+
du4 d u4
|
370 |
+
du5 d u5
|
371 |
+
duan1 d uan1
|
372 |
+
duan2 d uan2
|
373 |
+
duan3 d uan3
|
374 |
+
duan4 d uan4
|
375 |
+
duan5 d uan5
|
376 |
+
dui1 d uei1
|
377 |
+
dui2 d uei2
|
378 |
+
dui3 d uei3
|
379 |
+
dui4 d uei4
|
380 |
+
dui5 d uei5
|
381 |
+
dun1 d uen1
|
382 |
+
dun2 d uen2
|
383 |
+
dun3 d uen3
|
384 |
+
dun4 d uen4
|
385 |
+
dun5 d uen5
|
386 |
+
duo1 d uo1
|
387 |
+
duo2 d uo2
|
388 |
+
duo3 d uo3
|
389 |
+
duo4 d uo4
|
390 |
+
duo5 d uo5
|
391 |
+
e1 e1
|
392 |
+
e2 e2
|
393 |
+
e3 e3
|
394 |
+
e4 e4
|
395 |
+
e5 e5
|
396 |
+
ei1 ei1
|
397 |
+
ei2 ei2
|
398 |
+
ei3 ei3
|
399 |
+
ei4 ei4
|
400 |
+
ei5 ei5
|
401 |
+
en1 en1
|
402 |
+
en2 en2
|
403 |
+
en3 en3
|
404 |
+
en4 en4
|
405 |
+
en5 en5
|
406 |
+
eng1 eng1
|
407 |
+
eng2 eng2
|
408 |
+
eng3 eng3
|
409 |
+
eng4 eng4
|
410 |
+
eng5 eng5
|
411 |
+
r1 er1
|
412 |
+
r2 er2
|
413 |
+
r3 er3
|
414 |
+
r4 er4
|
415 |
+
r5 er5
|
416 |
+
er1 er1
|
417 |
+
er2 er2
|
418 |
+
er3 er3
|
419 |
+
er4 er4
|
420 |
+
er5 er5
|
421 |
+
fa1 f a1
|
422 |
+
fa2 f a2
|
423 |
+
fa3 f a3
|
424 |
+
fa4 f a4
|
425 |
+
fa5 f a5
|
426 |
+
fan1 f an1
|
427 |
+
fan2 f an2
|
428 |
+
fan3 f an3
|
429 |
+
fan4 f an4
|
430 |
+
fan5 f an5
|
431 |
+
fang1 f ang1
|
432 |
+
fang2 f ang2
|
433 |
+
fang3 f ang3
|
434 |
+
fang4 f ang4
|
435 |
+
fang5 f ang5
|
436 |
+
fei1 f ei1
|
437 |
+
fei2 f ei2
|
438 |
+
fei3 f ei3
|
439 |
+
fei4 f ei4
|
440 |
+
fei5 f ei5
|
441 |
+
fen1 f en1
|
442 |
+
fen2 f en2
|
443 |
+
fen3 f en3
|
444 |
+
fen4 f en4
|
445 |
+
fen5 f en5
|
446 |
+
feng1 f eng1
|
447 |
+
feng2 f eng2
|
448 |
+
feng3 f eng3
|
449 |
+
feng4 f eng4
|
450 |
+
feng5 f eng5
|
451 |
+
fo1 f o1
|
452 |
+
fo2 f o2
|
453 |
+
fo3 f o3
|
454 |
+
fo4 f o4
|
455 |
+
fo5 f o5
|
456 |
+
fou1 f ou1
|
457 |
+
fou2 f ou2
|
458 |
+
fou3 f ou3
|
459 |
+
fou4 f ou4
|
460 |
+
fou5 f ou5
|
461 |
+
fu1 f u1
|
462 |
+
fu2 f u2
|
463 |
+
fu3 f u3
|
464 |
+
fu4 f u4
|
465 |
+
fu5 f u5
|
466 |
+
ga1 g a1
|
467 |
+
ga2 g a2
|
468 |
+
ga3 g a3
|
469 |
+
ga4 g a4
|
470 |
+
ga5 g a5
|
471 |
+
gai1 g ai1
|
472 |
+
gai2 g ai2
|
473 |
+
gai3 g ai3
|
474 |
+
gai4 g ai4
|
475 |
+
gai5 g ai5
|
476 |
+
gan1 g an1
|
477 |
+
gan2 g an2
|
478 |
+
gan3 g an3
|
479 |
+
gan4 g an4
|
480 |
+
gan5 g an5
|
481 |
+
gang1 g ang1
|
482 |
+
gang2 g ang2
|
483 |
+
gang3 g ang3
|
484 |
+
gang4 g ang4
|
485 |
+
gang5 g ang5
|
486 |
+
gao1 g ao1
|
487 |
+
gao2 g ao2
|
488 |
+
gao3 g ao3
|
489 |
+
gao4 g ao4
|
490 |
+
gao5 g ao5
|
491 |
+
ge1 g e1
|
492 |
+
ge2 g e2
|
493 |
+
ge3 g e3
|
494 |
+
ge4 g e4
|
495 |
+
ge5 g e5
|
496 |
+
gei1 g ei1
|
497 |
+
gei2 g ei2
|
498 |
+
gei3 g ei3
|
499 |
+
gei4 g ei4
|
500 |
+
gei5 g ei5
|
501 |
+
gen1 g en1
|
502 |
+
gen2 g en2
|
503 |
+
gen3 g en3
|
504 |
+
gen4 g en4
|
505 |
+
gen5 g en5
|
506 |
+
geng1 g eng1
|
507 |
+
geng2 g eng2
|
508 |
+
geng3 g eng3
|
509 |
+
geng4 g eng4
|
510 |
+
geng5 g eng5
|
511 |
+
gong1 g ong1
|
512 |
+
gong2 g ong2
|
513 |
+
gong3 g ong3
|
514 |
+
gong4 g ong4
|
515 |
+
gong5 g ong5
|
516 |
+
gou1 g ou1
|
517 |
+
gou2 g ou2
|
518 |
+
gou3 g ou3
|
519 |
+
gou4 g ou4
|
520 |
+
gou5 g ou5
|
521 |
+
gu1 g u1
|
522 |
+
gu2 g u2
|
523 |
+
gu3 g u3
|
524 |
+
gu4 g u4
|
525 |
+
gu5 g u5
|
526 |
+
gua1 g ua1
|
527 |
+
gua2 g ua2
|
528 |
+
gua3 g ua3
|
529 |
+
gua4 g ua4
|
530 |
+
gua5 g ua5
|
531 |
+
guai1 g uai1
|
532 |
+
guai2 g uai2
|
533 |
+
guai3 g uai3
|
534 |
+
guai4 g uai4
|
535 |
+
guai5 g uai5
|
536 |
+
guan1 g uan1
|
537 |
+
guan2 g uan2
|
538 |
+
guan3 g uan3
|
539 |
+
guan4 g uan4
|
540 |
+
guan5 g uan5
|
541 |
+
guang1 g uang1
|
542 |
+
guang2 g uang2
|
543 |
+
guang3 g uang3
|
544 |
+
guang4 g uang4
|
545 |
+
guang5 g uang5
|
546 |
+
gui1 g uei1
|
547 |
+
gui2 g uei2
|
548 |
+
gui3 g uei3
|
549 |
+
gui4 g uei4
|
550 |
+
gui5 g uei5
|
551 |
+
gun1 g uen1
|
552 |
+
gun2 g uen2
|
553 |
+
gun3 g uen3
|
554 |
+
gun4 g uen4
|
555 |
+
gun5 g uen5
|
556 |
+
guo1 g uo1
|
557 |
+
guo2 g uo2
|
558 |
+
guo3 g uo3
|
559 |
+
guo4 g uo4
|
560 |
+
guo5 g uo5
|
561 |
+
ha1 h a1
|
562 |
+
ha2 h a2
|
563 |
+
ha3 h a3
|
564 |
+
ha4 h a4
|
565 |
+
ha5 h a5
|
566 |
+
hai1 h ai1
|
567 |
+
hai2 h ai2
|
568 |
+
hai3 h ai3
|
569 |
+
hai4 h ai4
|
570 |
+
hai5 h ai5
|
571 |
+
han1 h an1
|
572 |
+
han2 h an2
|
573 |
+
han3 h an3
|
574 |
+
han4 h an4
|
575 |
+
han5 h an5
|
576 |
+
hang1 h ang1
|
577 |
+
hang2 h ang2
|
578 |
+
hang3 h ang3
|
579 |
+
hang4 h ang4
|
580 |
+
hang5 h ang5
|
581 |
+
hao1 h ao1
|
582 |
+
hao2 h ao2
|
583 |
+
hao3 h ao3
|
584 |
+
hao4 h ao4
|
585 |
+
hao5 h ao5
|
586 |
+
he1 h e1
|
587 |
+
he2 h e2
|
588 |
+
he3 h e3
|
589 |
+
he4 h e4
|
590 |
+
he5 h e5
|
591 |
+
hei1 h ei1
|
592 |
+
hei2 h ei2
|
593 |
+
hei3 h ei3
|
594 |
+
hei4 h ei4
|
595 |
+
hei5 h ei5
|
596 |
+
hen1 h en1
|
597 |
+
hen2 h en2
|
598 |
+
hen3 h en3
|
599 |
+
hen4 h en4
|
600 |
+
hen5 h en5
|
601 |
+
heng1 h eng1
|
602 |
+
heng2 h eng2
|
603 |
+
heng3 h eng3
|
604 |
+
heng4 h eng4
|
605 |
+
heng5 h eng5
|
606 |
+
hong1 h ong1
|
607 |
+
hong2 h ong2
|
608 |
+
hong3 h ong3
|
609 |
+
hong4 h ong4
|
610 |
+
hong5 h ong5
|
611 |
+
hou1 h ou1
|
612 |
+
hou2 h ou2
|
613 |
+
hou3 h ou3
|
614 |
+
hou4 h ou4
|
615 |
+
hou5 h ou5
|
616 |
+
hu1 h u1
|
617 |
+
hu2 h u2
|
618 |
+
hu3 h u3
|
619 |
+
hu4 h u4
|
620 |
+
hu5 h u5
|
621 |
+
hua1 h ua1
|
622 |
+
hua2 h ua2
|
623 |
+
hua3 h ua3
|
624 |
+
hua4 h ua4
|
625 |
+
hua5 h ua5
|
626 |
+
huai1 h uai1
|
627 |
+
huai2 h uai2
|
628 |
+
huai3 h uai3
|
629 |
+
huai4 h uai4
|
630 |
+
huai5 h uai5
|
631 |
+
huan1 h uan1
|
632 |
+
huan2 h uan2
|
633 |
+
huan3 h uan3
|
634 |
+
huan4 h uan4
|
635 |
+
huan5 h uan5
|
636 |
+
huang1 h uang1
|
637 |
+
huang2 h uang2
|
638 |
+
huang3 h uang3
|
639 |
+
huang4 h uang4
|
640 |
+
huang5 h uang5
|
641 |
+
hui1 h uei1
|
642 |
+
hui2 h uei2
|
643 |
+
hui3 h uei3
|
644 |
+
hui4 h uei4
|
645 |
+
hui5 h uei5
|
646 |
+
hun1 h uen1
|
647 |
+
hun2 h uen2
|
648 |
+
hun3 h uen3
|
649 |
+
hun4 h uen4
|
650 |
+
hun5 h uen5
|
651 |
+
huo1 h uo1
|
652 |
+
huo2 h uo2
|
653 |
+
huo3 h uo3
|
654 |
+
huo4 h uo4
|
655 |
+
huo5 h uo5
|
656 |
+
ji1 j i1
|
657 |
+
ji2 j i2
|
658 |
+
ji3 j i3
|
659 |
+
ji4 j i4
|
660 |
+
ji5 j i5
|
661 |
+
jia1 j ia1
|
662 |
+
jia2 j ia2
|
663 |
+
jia3 j ia3
|
664 |
+
jia4 j ia4
|
665 |
+
jia5 j ia5
|
666 |
+
jian1 j ian1
|
667 |
+
jian2 j ian2
|
668 |
+
jian3 j ian3
|
669 |
+
jian4 j ian4
|
670 |
+
jian5 j ian5
|
671 |
+
jiang1 j iang1
|
672 |
+
jiang2 j iang2
|
673 |
+
jiang3 j iang3
|
674 |
+
jiang4 j iang4
|
675 |
+
jiang5 j iang5
|
676 |
+
jiao1 j iao1
|
677 |
+
jiao2 j iao2
|
678 |
+
jiao3 j iao3
|
679 |
+
jiao4 j iao4
|
680 |
+
jiao5 j iao5
|
681 |
+
jie1 j ie1
|
682 |
+
jie2 j ie2
|
683 |
+
jie3 j ie3
|
684 |
+
jie4 j ie4
|
685 |
+
jie5 j ie5
|
686 |
+
jin1 j in1
|
687 |
+
jin2 j in2
|
688 |
+
jin3 j in3
|
689 |
+
jin4 j in4
|
690 |
+
jin5 j in5
|
691 |
+
jing1 j ing1
|
692 |
+
jing2 j ing2
|
693 |
+
jing3 j ing3
|
694 |
+
jing4 j ing4
|
695 |
+
jing5 j ing5
|
696 |
+
jiong1 j iong1
|
697 |
+
jiong2 j iong2
|
698 |
+
jiong3 j iong3
|
699 |
+
jiong4 j iong4
|
700 |
+
jiong5 j iong5
|
701 |
+
jiu1 j iou1
|
702 |
+
jiu2 j iou2
|
703 |
+
jiu3 j iou3
|
704 |
+
jiu4 j iou4
|
705 |
+
jiu5 j iou5
|
706 |
+
ju1 j v1
|
707 |
+
ju2 j v2
|
708 |
+
ju3 j v3
|
709 |
+
ju4 j v4
|
710 |
+
ju5 j v5
|
711 |
+
juan1 j van1
|
712 |
+
juan2 j van2
|
713 |
+
juan3 j van3
|
714 |
+
juan4 j van4
|
715 |
+
juan5 j van5
|
716 |
+
jue1 j ve1
|
717 |
+
jue2 j ve2
|
718 |
+
jue3 j ve3
|
719 |
+
jue4 j ve4
|
720 |
+
jue5 j ve5
|
721 |
+
jun1 j vn1
|
722 |
+
jun2 j vn2
|
723 |
+
jun3 j vn3
|
724 |
+
jun4 j vn4
|
725 |
+
jun5 j vn5
|
726 |
+
ka1 k a1
|
727 |
+
ka2 k a2
|
728 |
+
ka3 k a3
|
729 |
+
ka4 k a4
|
730 |
+
ka5 k a5
|
731 |
+
kai1 k ai1
|
732 |
+
kai2 k ai2
|
733 |
+
kai3 k ai3
|
734 |
+
kai4 k ai4
|
735 |
+
kai5 k ai5
|
736 |
+
kan1 k an1
|
737 |
+
kan2 k an2
|
738 |
+
kan3 k an3
|
739 |
+
kan4 k an4
|
740 |
+
kan5 k an5
|
741 |
+
kang1 k ang1
|
742 |
+
kang2 k ang2
|
743 |
+
kang3 k ang3
|
744 |
+
kang4 k ang4
|
745 |
+
kang5 k ang5
|
746 |
+
kao1 k ao1
|
747 |
+
kao2 k ao2
|
748 |
+
kao3 k ao3
|
749 |
+
kao4 k ao4
|
750 |
+
kao5 k ao5
|
751 |
+
ke1 k e1
|
752 |
+
ke2 k e2
|
753 |
+
ke3 k e3
|
754 |
+
ke4 k e4
|
755 |
+
ke5 k e5
|
756 |
+
kei1 k ei1
|
757 |
+
kei2 k ei2
|
758 |
+
kei3 k ei3
|
759 |
+
kei4 k ei4
|
760 |
+
kei5 k ei5
|
761 |
+
ken1 k en1
|
762 |
+
ken2 k en2
|
763 |
+
ken3 k en3
|
764 |
+
ken4 k en4
|
765 |
+
ken5 k en5
|
766 |
+
keng1 k eng1
|
767 |
+
keng2 k eng2
|
768 |
+
keng3 k eng3
|
769 |
+
keng4 k eng4
|
770 |
+
keng5 k eng5
|
771 |
+
kong1 k ong1
|
772 |
+
kong2 k ong2
|
773 |
+
kong3 k ong3
|
774 |
+
kong4 k ong4
|
775 |
+
kong5 k ong5
|
776 |
+
kou1 k ou1
|
777 |
+
kou2 k ou2
|
778 |
+
kou3 k ou3
|
779 |
+
kou4 k ou4
|
780 |
+
kou5 k ou5
|
781 |
+
ku1 k u1
|
782 |
+
ku2 k u2
|
783 |
+
ku3 k u3
|
784 |
+
ku4 k u4
|
785 |
+
ku5 k u5
|
786 |
+
kua1 k ua1
|
787 |
+
kua2 k ua2
|
788 |
+
kua3 k ua3
|
789 |
+
kua4 k ua4
|
790 |
+
kua5 k ua5
|
791 |
+
kuai1 k uai1
|
792 |
+
kuai2 k uai2
|
793 |
+
kuai3 k uai3
|
794 |
+
kuai4 k uai4
|
795 |
+
kuai5 k uai5
|
796 |
+
kuan1 k uan1
|
797 |
+
kuan2 k uan2
|
798 |
+
kuan3 k uan3
|
799 |
+
kuan4 k uan4
|
800 |
+
kuan5 k uan5
|
801 |
+
kuang1 k uang1
|
802 |
+
kuang2 k uang2
|
803 |
+
kuang3 k uang3
|
804 |
+
kuang4 k uang4
|
805 |
+
kuang5 k uang5
|
806 |
+
kui1 k uei1
|
807 |
+
kui2 k uei2
|
808 |
+
kui3 k uei3
|
809 |
+
kui4 k uei4
|
810 |
+
kui5 k uei5
|
811 |
+
kun1 k uen1
|
812 |
+
kun2 k uen2
|
813 |
+
kun3 k uen3
|
814 |
+
kun4 k uen4
|
815 |
+
kun5 k uen5
|
816 |
+
kuo1 k uo1
|
817 |
+
kuo2 k uo2
|
818 |
+
kuo3 k uo3
|
819 |
+
kuo4 k uo4
|
820 |
+
kuo5 k uo5
|
821 |
+
la1 l a1
|
822 |
+
la2 l a2
|
823 |
+
la3 l a3
|
824 |
+
la4 l a4
|
825 |
+
la5 l a5
|
826 |
+
lai1 l ai1
|
827 |
+
lai2 l ai2
|
828 |
+
lai3 l ai3
|
829 |
+
lai4 l ai4
|
830 |
+
lai5 l ai5
|
831 |
+
lan1 l an1
|
832 |
+
lan2 l an2
|
833 |
+
lan3 l an3
|
834 |
+
lan4 l an4
|
835 |
+
lan5 l an5
|
836 |
+
lang1 l ang1
|
837 |
+
lang2 l ang2
|
838 |
+
lang3 l ang3
|
839 |
+
lang4 l ang4
|
840 |
+
lang5 l ang5
|
841 |
+
lao1 l ao1
|
842 |
+
lao2 l ao2
|
843 |
+
lao3 l ao3
|
844 |
+
lao4 l ao4
|
845 |
+
lao5 l ao5
|
846 |
+
le1 l e1
|
847 |
+
le2 l e2
|
848 |
+
le3 l e3
|
849 |
+
le4 l e4
|
850 |
+
le5 l e5
|
851 |
+
lei1 l ei1
|
852 |
+
lei2 l ei2
|
853 |
+
lei3 l ei3
|
854 |
+
lei4 l ei4
|
855 |
+
lei5 l ei5
|
856 |
+
leng1 l eng1
|
857 |
+
leng2 l eng2
|
858 |
+
leng3 l eng3
|
859 |
+
leng4 l eng4
|
860 |
+
leng5 l eng5
|
861 |
+
li1 l i1
|
862 |
+
li2 l i2
|
863 |
+
li3 l i3
|
864 |
+
li4 l i4
|
865 |
+
li5 l i5
|
866 |
+
lia1 l ia1
|
867 |
+
lia2 l ia2
|
868 |
+
lia3 l ia3
|
869 |
+
lia4 l ia4
|
870 |
+
lia5 l ia5
|
871 |
+
lian1 l ian1
|
872 |
+
lian2 l ian2
|
873 |
+
lian3 l ian3
|
874 |
+
lian4 l ian4
|
875 |
+
lian5 l ian5
|
876 |
+
liang1 l iang1
|
877 |
+
liang2 l iang2
|
878 |
+
liang3 l iang3
|
879 |
+
liang4 l iang4
|
880 |
+
liang5 l iang5
|
881 |
+
liao1 l iao1
|
882 |
+
liao2 l iao2
|
883 |
+
liao3 l iao3
|
884 |
+
liao4 l iao4
|
885 |
+
liao5 l iao5
|
886 |
+
lie1 l ie1
|
887 |
+
lie2 l ie2
|
888 |
+
lie3 l ie3
|
889 |
+
lie4 l ie4
|
890 |
+
lie5 l ie5
|
891 |
+
lin1 l in1
|
892 |
+
lin2 l in2
|
893 |
+
lin3 l in3
|
894 |
+
lin4 l in4
|
895 |
+
lin5 l in5
|
896 |
+
ling1 l ing1
|
897 |
+
ling2 l ing2
|
898 |
+
ling3 l ing3
|
899 |
+
ling4 l ing4
|
900 |
+
ling5 l ing5
|
901 |
+
liu1 l iou1
|
902 |
+
liu2 l iou2
|
903 |
+
liu3 l iou3
|
904 |
+
liu4 l iou4
|
905 |
+
liu5 l iou5
|
906 |
+
lo1 l o1
|
907 |
+
lo2 l o2
|
908 |
+
lo3 l o3
|
909 |
+
lo4 l o4
|
910 |
+
lo5 l o5
|
911 |
+
long1 l ong1
|
912 |
+
long2 l ong2
|
913 |
+
long3 l ong3
|
914 |
+
long4 l ong4
|
915 |
+
long5 l ong5
|
916 |
+
lou1 l ou1
|
917 |
+
lou2 l ou2
|
918 |
+
lou3 l ou3
|
919 |
+
lou4 l ou4
|
920 |
+
lou5 l ou5
|
921 |
+
lu1 l u1
|
922 |
+
lu2 l u2
|
923 |
+
lu3 l u3
|
924 |
+
lu4 l u4
|
925 |
+
lu5 l u5
|
926 |
+
luan1 l uan1
|
927 |
+
luan2 l uan2
|
928 |
+
luan3 l uan3
|
929 |
+
luan4 l uan4
|
930 |
+
luan5 l uan5
|
931 |
+
lue1 l ve1
|
932 |
+
lue2 l ve2
|
933 |
+
lue3 l ve3
|
934 |
+
lue4 l ve4
|
935 |
+
lue5 l ve5
|
936 |
+
lve1 l ve1
|
937 |
+
lve2 l ve2
|
938 |
+
lve3 l ve3
|
939 |
+
lve4 l ve4
|
940 |
+
lve5 l ve5
|
941 |
+
lun1 l uen1
|
942 |
+
lun2 l uen2
|
943 |
+
lun3 l uen3
|
944 |
+
lun4 l uen4
|
945 |
+
lun5 l uen5
|
946 |
+
luo1 l uo1
|
947 |
+
luo2 l uo2
|
948 |
+
luo3 l uo3
|
949 |
+
luo4 l uo4
|
950 |
+
luo5 l uo5
|
951 |
+
lv1 l v1
|
952 |
+
lv2 l v2
|
953 |
+
lv3 l v3
|
954 |
+
lv4 l v4
|
955 |
+
lv5 l v5
|
956 |
+
ma1 m a1
|
957 |
+
ma2 m a2
|
958 |
+
ma3 m a3
|
959 |
+
ma4 m a4
|
960 |
+
ma5 m a5
|
961 |
+
mai1 m ai1
|
962 |
+
mai2 m ai2
|
963 |
+
mai3 m ai3
|
964 |
+
mai4 m ai4
|
965 |
+
mai5 m ai5
|
966 |
+
man1 m an1
|
967 |
+
man2 m an2
|
968 |
+
man3 m an3
|
969 |
+
man4 m an4
|
970 |
+
man5 m an5
|
971 |
+
mang1 m ang1
|
972 |
+
mang2 m ang2
|
973 |
+
mang3 m ang3
|
974 |
+
mang4 m ang4
|
975 |
+
mang5 m ang5
|
976 |
+
mao1 m ao1
|
977 |
+
mao2 m ao2
|
978 |
+
mao3 m ao3
|
979 |
+
mao4 m ao4
|
980 |
+
mao5 m ao5
|
981 |
+
me1 m e1
|
982 |
+
me2 m e2
|
983 |
+
me3 m e3
|
984 |
+
me4 m e4
|
985 |
+
me5 m e5
|
986 |
+
mei1 m ei1
|
987 |
+
mei2 m ei2
|
988 |
+
mei3 m ei3
|
989 |
+
mei4 m ei4
|
990 |
+
mei5 m ei5
|
991 |
+
men1 m en1
|
992 |
+
men2 m en2
|
993 |
+
men3 m en3
|
994 |
+
men4 m en4
|
995 |
+
men5 m en5
|
996 |
+
meng1 m eng1
|
997 |
+
meng2 m eng2
|
998 |
+
meng3 m eng3
|
999 |
+
meng4 m eng4
|
1000 |
+
meng5 m eng5
|
1001 |
+
mi1 m i1
|
1002 |
+
mi2 m i2
|
1003 |
+
mi3 m i3
|
1004 |
+
mi4 m i4
|
1005 |
+
mi5 m i5
|
1006 |
+
mian1 m ian1
|
1007 |
+
mian2 m ian2
|
1008 |
+
mian3 m ian3
|
1009 |
+
mian4 m ian4
|
1010 |
+
mian5 m ian5
|
1011 |
+
miao1 m iao1
|
1012 |
+
miao2 m iao2
|
1013 |
+
miao3 m iao3
|
1014 |
+
miao4 m iao4
|
1015 |
+
miao5 m iao5
|
1016 |
+
mie1 m ie1
|
1017 |
+
mie2 m ie2
|
1018 |
+
mie3 m ie3
|
1019 |
+
mie4 m ie4
|
1020 |
+
mie5 m ie5
|
1021 |
+
min1 m in1
|
1022 |
+
min2 m in2
|
1023 |
+
min3 m in3
|
1024 |
+
min4 m in4
|
1025 |
+
min5 m in5
|
1026 |
+
ming1 m ing1
|
1027 |
+
ming2 m ing2
|
1028 |
+
ming3 m ing3
|
1029 |
+
ming4 m ing4
|
1030 |
+
ming5 m ing5
|
1031 |
+
miu1 m iou1
|
1032 |
+
miu2 m iou2
|
1033 |
+
miu3 m iou3
|
1034 |
+
miu4 m iou4
|
1035 |
+
miu5 m iou5
|
1036 |
+
mo1 m o1
|
1037 |
+
mo2 m o2
|
1038 |
+
mo3 m o3
|
1039 |
+
mo4 m o4
|
1040 |
+
mo5 m o5
|
1041 |
+
mou1 m ou1
|
1042 |
+
mou2 m ou2
|
1043 |
+
mou3 m ou3
|
1044 |
+
mou4 m ou4
|
1045 |
+
mou5 m ou5
|
1046 |
+
mu1 m u1
|
1047 |
+
mu2 m u2
|
1048 |
+
mu3 m u3
|
1049 |
+
mu4 m u4
|
1050 |
+
mu5 m u5
|
1051 |
+
na1 n a1
|
1052 |
+
na2 n a2
|
1053 |
+
na3 n a3
|
1054 |
+
na4 n a4
|
1055 |
+
na5 n a5
|
1056 |
+
nai1 n ai1
|
1057 |
+
nai2 n ai2
|
1058 |
+
nai3 n ai3
|
1059 |
+
nai4 n ai4
|
1060 |
+
nai5 n ai5
|
1061 |
+
nan1 n an1
|
1062 |
+
nan2 n an2
|
1063 |
+
nan3 n an3
|
1064 |
+
nan4 n an4
|
1065 |
+
nan5 n an5
|
1066 |
+
nang1 n ang1
|
1067 |
+
nang2 n ang2
|
1068 |
+
nang3 n ang3
|
1069 |
+
nang4 n ang4
|
1070 |
+
nang5 n ang5
|
1071 |
+
nao1 n ao1
|
1072 |
+
nao2 n ao2
|
1073 |
+
nao3 n ao3
|
1074 |
+
nao4 n ao4
|
1075 |
+
nao5 n ao5
|
1076 |
+
ne1 n e1
|
1077 |
+
ne2 n e2
|
1078 |
+
ne3 n e3
|
1079 |
+
ne4 n e4
|
1080 |
+
ne5 n e5
|
1081 |
+
nei1 n ei1
|
1082 |
+
nei2 n ei2
|
1083 |
+
nei3 n ei3
|
1084 |
+
nei4 n ei4
|
1085 |
+
nei5 n ei5
|
1086 |
+
nen1 n en1
|
1087 |
+
nen2 n en2
|
1088 |
+
nen3 n en3
|
1089 |
+
nen4 n en4
|
1090 |
+
nen5 n en5
|
1091 |
+
neng1 n eng1
|
1092 |
+
neng2 n eng2
|
1093 |
+
neng3 n eng3
|
1094 |
+
neng4 n eng4
|
1095 |
+
neng5 n eng5
|
1096 |
+
ni1 n i1
|
1097 |
+
ni2 n i2
|
1098 |
+
ni3 n i3
|
1099 |
+
ni4 n i4
|
1100 |
+
ni5 n i5
|
1101 |
+
nian1 n ian1
|
1102 |
+
nian2 n ian2
|
1103 |
+
nian3 n ian3
|
1104 |
+
nian4 n ian4
|
1105 |
+
nian5 n ian5
|
1106 |
+
niang1 n iang1
|
1107 |
+
niang2 n iang2
|
1108 |
+
niang3 n iang3
|
1109 |
+
niang4 n iang4
|
1110 |
+
niang5 n iang5
|
1111 |
+
niao1 n iao1
|
1112 |
+
niao2 n iao2
|
1113 |
+
niao3 n iao3
|
1114 |
+
niao4 n iao4
|
1115 |
+
niao5 n iao5
|
1116 |
+
nie1 n ie1
|
1117 |
+
nie2 n ie2
|
1118 |
+
nie3 n ie3
|
1119 |
+
nie4 n ie4
|
1120 |
+
nie5 n ie5
|
1121 |
+
nin1 n in1
|
1122 |
+
nin2 n in2
|
1123 |
+
nin3 n in3
|
1124 |
+
nin4 n in4
|
1125 |
+
nin5 n in5
|
1126 |
+
ning1 n ing1
|
1127 |
+
ning2 n ing2
|
1128 |
+
ning3 n ing3
|
1129 |
+
ning4 n ing4
|
1130 |
+
ning5 n ing5
|
1131 |
+
niu1 n iou1
|
1132 |
+
niu2 n iou2
|
1133 |
+
niu3 n iou3
|
1134 |
+
niu4 n iou4
|
1135 |
+
niu5 n iou5
|
1136 |
+
nong1 n ong1
|
1137 |
+
nong2 n ong2
|
1138 |
+
nong3 n ong3
|
1139 |
+
nong4 n ong4
|
1140 |
+
nong5 n ong5
|
1141 |
+
nou1 n ou1
|
1142 |
+
nou2 n ou2
|
1143 |
+
nou3 n ou3
|
1144 |
+
nou4 n ou4
|
1145 |
+
nou5 n ou5
|
1146 |
+
nu1 n u1
|
1147 |
+
nu2 n u2
|
1148 |
+
nu3 n u3
|
1149 |
+
nu4 n u4
|
1150 |
+
nu5 n u5
|
1151 |
+
nuan1 n uan1
|
1152 |
+
nuan2 n uan2
|
1153 |
+
nuan3 n uan3
|
1154 |
+
nuan4 n uan4
|
1155 |
+
nuan5 n uan5
|
1156 |
+
nue1 n ve1
|
1157 |
+
nue2 n ve2
|
1158 |
+
nue3 n ve3
|
1159 |
+
nue4 n ve4
|
1160 |
+
nue5 n ve5
|
1161 |
+
nve1 n ve1
|
1162 |
+
nve2 n ve2
|
1163 |
+
nve3 n ve3
|
1164 |
+
nve4 n ve4
|
1165 |
+
nve5 n ve5
|
1166 |
+
nuo1 n uo1
|
1167 |
+
nuo2 n uo2
|
1168 |
+
nuo3 n uo3
|
1169 |
+
nuo4 n uo4
|
1170 |
+
nuo5 n uo5
|
1171 |
+
nv1 n v1
|
1172 |
+
nv2 n v2
|
1173 |
+
nv3 n v3
|
1174 |
+
nv4 n v4
|
1175 |
+
nv5 n v5
|
1176 |
+
o1 o1
|
1177 |
+
o2 o2
|
1178 |
+
o3 o3
|
1179 |
+
o4 o4
|
1180 |
+
o5 o5
|
1181 |
+
ou1 ou1
|
1182 |
+
ou2 ou2
|
1183 |
+
ou3 ou3
|
1184 |
+
ou4 ou4
|
1185 |
+
ou5 ou5
|
1186 |
+
pa1 p a1
|
1187 |
+
pa2 p a2
|
1188 |
+
pa3 p a3
|
1189 |
+
pa4 p a4
|
1190 |
+
pa5 p a5
|
1191 |
+
pai1 p ai1
|
1192 |
+
pai2 p ai2
|
1193 |
+
pai3 p ai3
|
1194 |
+
pai4 p ai4
|
1195 |
+
pai5 p ai5
|
1196 |
+
pan1 p an1
|
1197 |
+
pan2 p an2
|
1198 |
+
pan3 p an3
|
1199 |
+
pan4 p an4
|
1200 |
+
pan5 p an5
|
1201 |
+
pang1 p ang1
|
1202 |
+
pang2 p ang2
|
1203 |
+
pang3 p ang3
|
1204 |
+
pang4 p ang4
|
1205 |
+
pang5 p ang5
|
1206 |
+
pao1 p ao1
|
1207 |
+
pao2 p ao2
|
1208 |
+
pao3 p ao3
|
1209 |
+
pao4 p ao4
|
1210 |
+
pao5 p ao5
|
1211 |
+
pei1 p ei1
|
1212 |
+
pei2 p ei2
|
1213 |
+
pei3 p ei3
|
1214 |
+
pei4 p ei4
|
1215 |
+
pei5 p ei5
|
1216 |
+
pen1 p en1
|
1217 |
+
pen2 p en2
|
1218 |
+
pen3 p en3
|
1219 |
+
pen4 p en4
|
1220 |
+
pen5 p en5
|
1221 |
+
peng1 p eng1
|
1222 |
+
peng2 p eng2
|
1223 |
+
peng3 p eng3
|
1224 |
+
peng4 p eng4
|
1225 |
+
peng5 p eng5
|
1226 |
+
pi1 p i1
|
1227 |
+
pi2 p i2
|
1228 |
+
pi3 p i3
|
1229 |
+
pi4 p i4
|
1230 |
+
pi5 p i5
|
1231 |
+
pian1 p ian1
|
1232 |
+
pian2 p ian2
|
1233 |
+
pian3 p ian3
|
1234 |
+
pian4 p ian4
|
1235 |
+
pian5 p ian5
|
1236 |
+
piao1 p iao1
|
1237 |
+
piao2 p iao2
|
1238 |
+
piao3 p iao3
|
1239 |
+
piao4 p iao4
|
1240 |
+
piao5 p iao5
|
1241 |
+
pie1 p ie1
|
1242 |
+
pie2 p ie2
|
1243 |
+
pie3 p ie3
|
1244 |
+
pie4 p ie4
|
1245 |
+
pie5 p ie5
|
1246 |
+
pin1 p in1
|
1247 |
+
pin2 p in2
|
1248 |
+
pin3 p in3
|
1249 |
+
pin4 p in4
|
1250 |
+
pin5 p in5
|
1251 |
+
ping1 p ing1
|
1252 |
+
ping2 p ing2
|
1253 |
+
ping3 p ing3
|
1254 |
+
ping4 p ing4
|
1255 |
+
ping5 p ing5
|
1256 |
+
po1 p o1
|
1257 |
+
po2 p o2
|
1258 |
+
po3 p o3
|
1259 |
+
po4 p o4
|
1260 |
+
po5 p o5
|
1261 |
+
pou1 p ou1
|
1262 |
+
pou2 p ou2
|
1263 |
+
pou3 p ou3
|
1264 |
+
pou4 p ou4
|
1265 |
+
pou5 p ou5
|
1266 |
+
pu1 p u1
|
1267 |
+
pu2 p u2
|
1268 |
+
pu3 p u3
|
1269 |
+
pu4 p u4
|
1270 |
+
pu5 p u5
|
1271 |
+
qi1 q i1
|
1272 |
+
qi2 q i2
|
1273 |
+
qi3 q i3
|
1274 |
+
qi4 q i4
|
1275 |
+
qi5 q i5
|
1276 |
+
qia1 q ia1
|
1277 |
+
qia2 q ia2
|
1278 |
+
qia3 q ia3
|
1279 |
+
qia4 q ia4
|
1280 |
+
qia5 q ia5
|
1281 |
+
qian1 q ian1
|
1282 |
+
qian2 q ian2
|
1283 |
+
qian3 q ian3
|
1284 |
+
qian4 q ian4
|
1285 |
+
qian5 q ian5
|
1286 |
+
qiang1 q iang1
|
1287 |
+
qiang2 q iang2
|
1288 |
+
qiang3 q iang3
|
1289 |
+
qiang4 q iang4
|
1290 |
+
qiang5 q iang5
|
1291 |
+
qiao1 q iao1
|
1292 |
+
qiao2 q iao2
|
1293 |
+
qiao3 q iao3
|
1294 |
+
qiao4 q iao4
|
1295 |
+
qiao5 q iao5
|
1296 |
+
qie1 q ie1
|
1297 |
+
qie2 q ie2
|
1298 |
+
qie3 q ie3
|
1299 |
+
qie4 q ie4
|
1300 |
+
qie5 q ie5
|
1301 |
+
qin1 q in1
|
1302 |
+
qin2 q in2
|
1303 |
+
qin3 q in3
|
1304 |
+
qin4 q in4
|
1305 |
+
qin5 q in5
|
1306 |
+
qing1 q ing1
|
1307 |
+
qing2 q ing2
|
1308 |
+
qing3 q ing3
|
1309 |
+
qing4 q ing4
|
1310 |
+
qing5 q ing5
|
1311 |
+
qiong1 q iong1
|
1312 |
+
qiong2 q iong2
|
1313 |
+
qiong3 q iong3
|
1314 |
+
qiong4 q iong4
|
1315 |
+
qiong5 q iong5
|
1316 |
+
qiu1 q iou1
|
1317 |
+
qiu2 q iou2
|
1318 |
+
qiu3 q iou3
|
1319 |
+
qiu4 q iou4
|
1320 |
+
qiu5 q iou5
|
1321 |
+
qu1 q v1
|
1322 |
+
qu2 q v2
|
1323 |
+
qu3 q v3
|
1324 |
+
qu4 q v4
|
1325 |
+
qu5 q v5
|
1326 |
+
quan1 q van1
|
1327 |
+
quan2 q van2
|
1328 |
+
quan3 q van3
|
1329 |
+
quan4 q van4
|
1330 |
+
quan5 q van5
|
1331 |
+
que1 q ve1
|
1332 |
+
que2 q ve2
|
1333 |
+
que3 q ve3
|
1334 |
+
que4 q ve4
|
1335 |
+
que5 q ve5
|
1336 |
+
qun1 q vn1
|
1337 |
+
qun2 q vn2
|
1338 |
+
qun3 q vn3
|
1339 |
+
qun4 q vn4
|
1340 |
+
qun5 q vn5
|
1341 |
+
ran1 r an1
|
1342 |
+
ran2 r an2
|
1343 |
+
ran3 r an3
|
1344 |
+
ran4 r an4
|
1345 |
+
ran5 r an5
|
1346 |
+
rang1 r ang1
|
1347 |
+
rang2 r ang2
|
1348 |
+
rang3 r ang3
|
1349 |
+
rang4 r ang4
|
1350 |
+
rang5 r ang5
|
1351 |
+
rao1 r ao1
|
1352 |
+
rao2 r ao2
|
1353 |
+
rao3 r ao3
|
1354 |
+
rao4 r ao4
|
1355 |
+
rao5 r ao5
|
1356 |
+
re1 r e1
|
1357 |
+
re2 r e2
|
1358 |
+
re3 r e3
|
1359 |
+
re4 r e4
|
1360 |
+
re5 r e5
|
1361 |
+
ren1 r en1
|
1362 |
+
ren2 r en2
|
1363 |
+
ren3 r en3
|
1364 |
+
ren4 r en4
|
1365 |
+
ren5 r en5
|
1366 |
+
reng1 r eng1
|
1367 |
+
reng2 r eng2
|
1368 |
+
reng3 r eng3
|
1369 |
+
reng4 r eng4
|
1370 |
+
reng5 r eng5
|
1371 |
+
ri1 r iii1
|
1372 |
+
ri2 r iii2
|
1373 |
+
ri3 r iii3
|
1374 |
+
ri4 r iii4
|
1375 |
+
ri5 r iii5
|
1376 |
+
rong1 r ong1
|
1377 |
+
rong2 r ong2
|
1378 |
+
rong3 r ong3
|
1379 |
+
rong4 r ong4
|
1380 |
+
rong5 r ong5
|
1381 |
+
rou1 r ou1
|
1382 |
+
rou2 r ou2
|
1383 |
+
rou3 r ou3
|
1384 |
+
rou4 r ou4
|
1385 |
+
rou5 r ou5
|
1386 |
+
ru1 r u1
|
1387 |
+
ru2 r u2
|
1388 |
+
ru3 r u3
|
1389 |
+
ru4 r u4
|
1390 |
+
ru5 r u5
|
1391 |
+
rua1 r ua1
|
1392 |
+
rua2 r ua2
|
1393 |
+
rua3 r ua3
|
1394 |
+
rua4 r ua4
|
1395 |
+
rua5 r ua5
|
1396 |
+
ruan1 r uan1
|
1397 |
+
ruan2 r uan2
|
1398 |
+
ruan3 r uan3
|
1399 |
+
ruan4 r uan4
|
1400 |
+
ruan5 r uan5
|
1401 |
+
rui1 r uei1
|
1402 |
+
rui2 r uei2
|
1403 |
+
rui3 r uei3
|
1404 |
+
rui4 r uei4
|
1405 |
+
rui5 r uei5
|
1406 |
+
run1 r uen1
|
1407 |
+
run2 r uen2
|
1408 |
+
run3 r uen3
|
1409 |
+
run4 r uen4
|
1410 |
+
run5 r uen5
|
1411 |
+
ruo1 r uo1
|
1412 |
+
ruo2 r uo2
|
1413 |
+
ruo3 r uo3
|
1414 |
+
ruo4 r uo4
|
1415 |
+
ruo5 r uo5
|
1416 |
+
sa1 s a1
|
1417 |
+
sa2 s a2
|
1418 |
+
sa3 s a3
|
1419 |
+
sa4 s a4
|
1420 |
+
sa5 s a5
|
1421 |
+
sai1 s ai1
|
1422 |
+
sai2 s ai2
|
1423 |
+
sai3 s ai3
|
1424 |
+
sai4 s ai4
|
1425 |
+
sai5 s ai5
|
1426 |
+
san1 s an1
|
1427 |
+
san2 s an2
|
1428 |
+
san3 s an3
|
1429 |
+
san4 s an4
|
1430 |
+
san5 s an5
|
1431 |
+
sang1 s ang1
|
1432 |
+
sang2 s ang2
|
1433 |
+
sang3 s ang3
|
1434 |
+
sang4 s ang4
|
1435 |
+
sang5 s ang5
|
1436 |
+
sao1 s ao1
|
1437 |
+
sao2 s ao2
|
1438 |
+
sao3 s ao3
|
1439 |
+
sao4 s ao4
|
1440 |
+
sao5 s ao5
|
1441 |
+
se1 s e1
|
1442 |
+
se2 s e2
|
1443 |
+
se3 s e3
|
1444 |
+
se4 s e4
|
1445 |
+
se5 s e5
|
1446 |
+
sen1 s en1
|
1447 |
+
sen2 s en2
|
1448 |
+
sen3 s en3
|
1449 |
+
sen4 s en4
|
1450 |
+
sen5 s en5
|
1451 |
+
seng1 s eng1
|
1452 |
+
seng2 s eng2
|
1453 |
+
seng3 s eng3
|
1454 |
+
seng4 s eng4
|
1455 |
+
seng5 s eng5
|
1456 |
+
sha1 sh a1
|
1457 |
+
sha2 sh a2
|
1458 |
+
sha3 sh a3
|
1459 |
+
sha4 sh a4
|
1460 |
+
sha5 sh a5
|
1461 |
+
shai1 sh ai1
|
1462 |
+
shai2 sh ai2
|
1463 |
+
shai3 sh ai3
|
1464 |
+
shai4 sh ai4
|
1465 |
+
shai5 sh ai5
|
1466 |
+
shan1 sh an1
|
1467 |
+
shan2 sh an2
|
1468 |
+
shan3 sh an3
|
1469 |
+
shan4 sh an4
|
1470 |
+
shan5 sh an5
|
1471 |
+
shang1 sh ang1
|
1472 |
+
shang2 sh ang2
|
1473 |
+
shang3 sh ang3
|
1474 |
+
shang4 sh ang4
|
1475 |
+
shang5 sh ang5
|
1476 |
+
shao1 sh ao1
|
1477 |
+
shao2 sh ao2
|
1478 |
+
shao3 sh ao3
|
1479 |
+
shao4 sh ao4
|
1480 |
+
shao5 sh ao5
|
1481 |
+
she1 sh e1
|
1482 |
+
she2 sh e2
|
1483 |
+
she3 sh e3
|
1484 |
+
she4 sh e4
|
1485 |
+
she5 sh e5
|
1486 |
+
shei1 sh ei1
|
1487 |
+
shei2 sh ei2
|
1488 |
+
shei3 sh ei3
|
1489 |
+
shei4 sh ei4
|
1490 |
+
shei5 sh ei5
|
1491 |
+
shen1 sh en1
|
1492 |
+
shen2 sh en2
|
1493 |
+
shen3 sh en3
|
1494 |
+
shen4 sh en4
|
1495 |
+
shen5 sh en5
|
1496 |
+
sheng1 sh eng1
|
1497 |
+
sheng2 sh eng2
|
1498 |
+
sheng3 sh eng3
|
1499 |
+
sheng4 sh eng4
|
1500 |
+
sheng5 sh eng5
|
1501 |
+
shi1 sh iii1
|
1502 |
+
shi2 sh iii2
|
1503 |
+
shi3 sh iii3
|
1504 |
+
shi4 sh iii4
|
1505 |
+
shi5 sh iii5
|
1506 |
+
shou1 sh ou1
|
1507 |
+
shou2 sh ou2
|
1508 |
+
shou3 sh ou3
|
1509 |
+
shou4 sh ou4
|
1510 |
+
shou5 sh ou5
|
1511 |
+
shu1 sh u1
|
1512 |
+
shu2 sh u2
|
1513 |
+
shu3 sh u3
|
1514 |
+
shu4 sh u4
|
1515 |
+
shu5 sh u5
|
1516 |
+
shua1 sh ua1
|
1517 |
+
shua2 sh ua2
|
1518 |
+
shua3 sh ua3
|
1519 |
+
shua4 sh ua4
|
1520 |
+
shua5 sh ua5
|
1521 |
+
shuai1 sh uai1
|
1522 |
+
shuai2 sh uai2
|
1523 |
+
shuai3 sh uai3
|
1524 |
+
shuai4 sh uai4
|
1525 |
+
shuai5 sh uai5
|
1526 |
+
shuan1 sh uan1
|
1527 |
+
shuan2 sh uan2
|
1528 |
+
shuan3 sh uan3
|
1529 |
+
shuan4 sh uan4
|
1530 |
+
shuan5 sh uan5
|
1531 |
+
shuang1 sh uang1
|
1532 |
+
shuang2 sh uang2
|
1533 |
+
shuang3 sh uang3
|
1534 |
+
shuang4 sh uang4
|
1535 |
+
shuang5 sh uang5
|
1536 |
+
shui1 sh uei1
|
1537 |
+
shui2 sh uei2
|
1538 |
+
shui3 sh uei3
|
1539 |
+
shui4 sh uei4
|
1540 |
+
shui5 sh uei5
|
1541 |
+
shun1 sh uen1
|
1542 |
+
shun2 sh uen2
|
1543 |
+
shun3 sh uen3
|
1544 |
+
shun4 sh uen4
|
1545 |
+
shun5 sh uen5
|
1546 |
+
shuo1 sh uo1
|
1547 |
+
shuo2 sh uo2
|
1548 |
+
shuo3 sh uo3
|
1549 |
+
shuo4 sh uo4
|
1550 |
+
shuo5 sh uo5
|
1551 |
+
si1 s ii1
|
1552 |
+
si2 s ii2
|
1553 |
+
si3 s ii3
|
1554 |
+
si4 s ii4
|
1555 |
+
si5 s ii5
|
1556 |
+
song1 s ong1
|
1557 |
+
song2 s ong2
|
1558 |
+
song3 s ong3
|
1559 |
+
song4 s ong4
|
1560 |
+
song5 s ong5
|
1561 |
+
sou1 s ou1
|
1562 |
+
sou2 s ou2
|
1563 |
+
sou3 s ou3
|
1564 |
+
sou4 s ou4
|
1565 |
+
sou5 s ou5
|
1566 |
+
su1 s u1
|
1567 |
+
su2 s u2
|
1568 |
+
su3 s u3
|
1569 |
+
su4 s u4
|
1570 |
+
su5 s u5
|
1571 |
+
suan1 s uan1
|
1572 |
+
suan2 s uan2
|
1573 |
+
suan3 s uan3
|
1574 |
+
suan4 s uan4
|
1575 |
+
suan5 s uan5
|
1576 |
+
sui1 s uei1
|
1577 |
+
sui2 s uei2
|
1578 |
+
sui3 s uei3
|
1579 |
+
sui4 s uei4
|
1580 |
+
sui5 s uei5
|
1581 |
+
sun1 s uen1
|
1582 |
+
sun2 s uen2
|
1583 |
+
sun3 s uen3
|
1584 |
+
sun4 s uen4
|
1585 |
+
sun5 s uen5
|
1586 |
+
suo1 s uo1
|
1587 |
+
suo2 s uo2
|
1588 |
+
suo3 s uo3
|
1589 |
+
suo4 s uo4
|
1590 |
+
suo5 s uo5
|
1591 |
+
ta1 t a1
|
1592 |
+
ta2 t a2
|
1593 |
+
ta3 t a3
|
1594 |
+
ta4 t a4
|
1595 |
+
ta5 t a5
|
1596 |
+
tai1 t ai1
|
1597 |
+
tai2 t ai2
|
1598 |
+
tai3 t ai3
|
1599 |
+
tai4 t ai4
|
1600 |
+
tai5 t ai5
|
1601 |
+
tan1 t an1
|
1602 |
+
tan2 t an2
|
1603 |
+
tan3 t an3
|
1604 |
+
tan4 t an4
|
1605 |
+
tan5 t an5
|
1606 |
+
tang1 t ang1
|
1607 |
+
tang2 t ang2
|
1608 |
+
tang3 t ang3
|
1609 |
+
tang4 t ang4
|
1610 |
+
tang5 t ang5
|
1611 |
+
tao1 t ao1
|
1612 |
+
tao2 t ao2
|
1613 |
+
tao3 t ao3
|
1614 |
+
tao4 t ao4
|
1615 |
+
tao5 t ao5
|
1616 |
+
te1 t e1
|
1617 |
+
te2 t e2
|
1618 |
+
te3 t e3
|
1619 |
+
te4 t e4
|
1620 |
+
te5 t e5
|
1621 |
+
tei1 t ei1
|
1622 |
+
tei2 t ei2
|
1623 |
+
tei3 t ei3
|
1624 |
+
tei4 t ei4
|
1625 |
+
tei5 t ei5
|
1626 |
+
teng1 t eng1
|
1627 |
+
teng2 t eng2
|
1628 |
+
teng3 t eng3
|
1629 |
+
teng4 t eng4
|
1630 |
+
teng5 t eng5
|
1631 |
+
ti1 t i1
|
1632 |
+
ti2 t i2
|
1633 |
+
ti3 t i3
|
1634 |
+
ti4 t i4
|
1635 |
+
ti5 t i5
|
1636 |
+
tian1 t ian1
|
1637 |
+
tian2 t ian2
|
1638 |
+
tian3 t ian3
|
1639 |
+
tian4 t ian4
|
1640 |
+
tian5 t ian5
|
1641 |
+
tiao1 t iao1
|
1642 |
+
tiao2 t iao2
|
1643 |
+
tiao3 t iao3
|
1644 |
+
tiao4 t iao4
|
1645 |
+
tiao5 t iao5
|
1646 |
+
tie1 t ie1
|
1647 |
+
tie2 t ie2
|
1648 |
+
tie3 t ie3
|
1649 |
+
tie4 t ie4
|
1650 |
+
tie5 t ie5
|
1651 |
+
ting1 t ing1
|
1652 |
+
ting2 t ing2
|
1653 |
+
ting3 t ing3
|
1654 |
+
ting4 t ing4
|
1655 |
+
ting5 t ing5
|
1656 |
+
tong1 t ong1
|
1657 |
+
tong2 t ong2
|
1658 |
+
tong3 t ong3
|
1659 |
+
tong4 t ong4
|
1660 |
+
tong5 t ong5
|
1661 |
+
tou1 t ou1
|
1662 |
+
tou2 t ou2
|
1663 |
+
tou3 t ou3
|
1664 |
+
tou4 t ou4
|
1665 |
+
tou5 t ou5
|
1666 |
+
tu1 t u1
|
1667 |
+
tu2 t u2
|
1668 |
+
tu3 t u3
|
1669 |
+
tu4 t u4
|
1670 |
+
tu5 t u5
|
1671 |
+
tuan1 t uan1
|
1672 |
+
tuan2 t uan2
|
1673 |
+
tuan3 t uan3
|
1674 |
+
tuan4 t uan4
|
1675 |
+
tuan5 t uan5
|
1676 |
+
tui1 t uei1
|
1677 |
+
tui2 t uei2
|
1678 |
+
tui3 t uei3
|
1679 |
+
tui4 t uei4
|
1680 |
+
tui5 t uei5
|
1681 |
+
tun1 t uen1
|
1682 |
+
tun2 t uen2
|
1683 |
+
tun3 t uen3
|
1684 |
+
tun4 t uen4
|
1685 |
+
tun5 t uen5
|
1686 |
+
tuo1 t uo1
|
1687 |
+
tuo2 t uo2
|
1688 |
+
tuo3 t uo3
|
1689 |
+
tuo4 t uo4
|
1690 |
+
tuo5 t uo5
|
1691 |
+
wa1 w ua1
|
1692 |
+
wa2 w ua2
|
1693 |
+
wa3 w ua3
|
1694 |
+
wa4 w ua4
|
1695 |
+
wa5 w ua5
|
1696 |
+
wai1 w uai1
|
1697 |
+
wai2 w uai2
|
1698 |
+
wai3 w uai3
|
1699 |
+
wai4 w uai4
|
1700 |
+
wai5 w uai5
|
1701 |
+
wan1 w uan1
|
1702 |
+
wan2 w uan2
|
1703 |
+
wan3 w uan3
|
1704 |
+
wan4 w uan4
|
1705 |
+
wan5 w uan5
|
1706 |
+
wang1 w uang1
|
1707 |
+
wang2 w uang2
|
1708 |
+
wang3 w uang3
|
1709 |
+
wang4 w uang4
|
1710 |
+
wang5 w uang5
|
1711 |
+
wei1 w uei1
|
1712 |
+
wei2 w uei2
|
1713 |
+
wei3 w uei3
|
1714 |
+
wei4 w uei4
|
1715 |
+
wei5 w uei5
|
1716 |
+
wen1 w uen1
|
1717 |
+
wen2 w uen2
|
1718 |
+
wen3 w uen3
|
1719 |
+
wen4 w uen4
|
1720 |
+
wen5 w uen5
|
1721 |
+
weng1 w uen1
|
1722 |
+
weng2 w uen2
|
1723 |
+
weng3 w uen3
|
1724 |
+
weng4 w uen4
|
1725 |
+
weng5 w uen5
|
1726 |
+
wo1 w uo1
|
1727 |
+
wo2 w uo2
|
1728 |
+
wo3 w uo3
|
1729 |
+
wo4 w uo4
|
1730 |
+
wo5 w uo5
|
1731 |
+
wu1 w u1
|
1732 |
+
wu2 w u2
|
1733 |
+
wu3 w u3
|
1734 |
+
wu4 w u4
|
1735 |
+
wu5 w u5
|
1736 |
+
xi1 x i1
|
1737 |
+
xi2 x i2
|
1738 |
+
xi3 x i3
|
1739 |
+
xi4 x i4
|
1740 |
+
xi5 x i5
|
1741 |
+
xia1 x ia1
|
1742 |
+
xia2 x ia2
|
1743 |
+
xia3 x ia3
|
1744 |
+
xia4 x ia4
|
1745 |
+
xia5 x ia5
|
1746 |
+
xian1 x ian1
|
1747 |
+
xian2 x ian2
|
1748 |
+
xian3 x ian3
|
1749 |
+
xian4 x ian4
|
1750 |
+
xian5 x ian5
|
1751 |
+
xiang1 x iang1
|
1752 |
+
xiang2 x iang2
|
1753 |
+
xiang3 x iang3
|
1754 |
+
xiang4 x iang4
|
1755 |
+
xiang5 x iang5
|
1756 |
+
xiao1 x iao1
|
1757 |
+
xiao2 x iao2
|
1758 |
+
xiao3 x iao3
|
1759 |
+
xiao4 x iao4
|
1760 |
+
xiao5 x iao5
|
1761 |
+
xie1 x ie1
|
1762 |
+
xie2 x ie2
|
1763 |
+
xie3 x ie3
|
1764 |
+
xie4 x ie4
|
1765 |
+
xie5 x ie5
|
1766 |
+
xin1 x in1
|
1767 |
+
xin2 x in2
|
1768 |
+
xin3 x in3
|
1769 |
+
xin4 x in4
|
1770 |
+
xin5 x in5
|
1771 |
+
xing1 x ing1
|
1772 |
+
xing2 x ing2
|
1773 |
+
xing3 x ing3
|
1774 |
+
xing4 x ing4
|
1775 |
+
xing5 x ing5
|
1776 |
+
xiong1 x iong1
|
1777 |
+
xiong2 x iong2
|
1778 |
+
xiong3 x iong3
|
1779 |
+
xiong4 x iong4
|
1780 |
+
xiong5 x iong5
|
1781 |
+
xiu1 x iou1
|
1782 |
+
xiu2 x iou2
|
1783 |
+
xiu3 x iou3
|
1784 |
+
xiu4 x iou4
|
1785 |
+
xiu5 x iou5
|
1786 |
+
xu1 x v1
|
1787 |
+
xu2 x v2
|
1788 |
+
xu3 x v3
|
1789 |
+
xu4 x v4
|
1790 |
+
xu5 x v5
|
1791 |
+
xuan1 x van1
|
1792 |
+
xuan2 x van2
|
1793 |
+
xuan3 x van3
|
1794 |
+
xuan4 x van4
|
1795 |
+
xuan5 x van5
|
1796 |
+
xue1 x ve1
|
1797 |
+
xue2 x ve2
|
1798 |
+
xue3 x ve3
|
1799 |
+
xue4 x ve4
|
1800 |
+
xue5 x ve5
|
1801 |
+
xun1 x vn1
|
1802 |
+
xun2 x vn2
|
1803 |
+
xun3 x vn3
|
1804 |
+
xun4 x vn4
|
1805 |
+
xun5 x vn5
|
1806 |
+
ya1 y ia1
|
1807 |
+
ya2 y ia2
|
1808 |
+
ya3 y ia3
|
1809 |
+
ya4 y ia4
|
1810 |
+
ya5 y ia5
|
1811 |
+
yan1 y ian1
|
1812 |
+
yan2 y ian2
|
1813 |
+
yan3 y ian3
|
1814 |
+
yan4 y ian4
|
1815 |
+
yan5 y ian5
|
1816 |
+
yang1 y iang1
|
1817 |
+
yang2 y iang2
|
1818 |
+
yang3 y iang3
|
1819 |
+
yang4 y iang4
|
1820 |
+
yang5 y iang5
|
1821 |
+
yao1 y iao1
|
1822 |
+
yao2 y iao2
|
1823 |
+
yao3 y iao3
|
1824 |
+
yao4 y iao4
|
1825 |
+
yao5 y iao5
|
1826 |
+
ye1 y ie1
|
1827 |
+
ye2 y ie2
|
1828 |
+
ye3 y ie3
|
1829 |
+
ye4 y ie4
|
1830 |
+
ye5 y ie5
|
1831 |
+
yi1 y i1
|
1832 |
+
yi2 y i2
|
1833 |
+
yi3 y i3
|
1834 |
+
yi4 y i4
|
1835 |
+
yi5 y i5
|
1836 |
+
yin1 y in1
|
1837 |
+
yin2 y in2
|
1838 |
+
yin3 y in3
|
1839 |
+
yin4 y in4
|
1840 |
+
yin5 y in5
|
1841 |
+
ying1 y ing1
|
1842 |
+
ying2 y ing2
|
1843 |
+
ying3 y ing3
|
1844 |
+
ying4 y ing4
|
1845 |
+
ying5 y ing5
|
1846 |
+
yo1 y iou1
|
1847 |
+
yo2 y iou2
|
1848 |
+
yo3 y iou3
|
1849 |
+
yo4 y iou4
|
1850 |
+
yo5 y iou5
|
1851 |
+
yong1 y iong1
|
1852 |
+
yong2 y iong2
|
1853 |
+
yong3 y iong3
|
1854 |
+
yong4 y iong4
|
1855 |
+
yong5 y iong5
|
1856 |
+
you1 y iou1
|
1857 |
+
you2 y iou2
|
1858 |
+
you3 y iou3
|
1859 |
+
you4 y iou4
|
1860 |
+
you5 y iou5
|
1861 |
+
yu1 y v1
|
1862 |
+
yu2 y v2
|
1863 |
+
yu3 y v3
|
1864 |
+
yu4 y v4
|
1865 |
+
yu5 y v5
|
1866 |
+
yuan1 y van1
|
1867 |
+
yuan2 y van2
|
1868 |
+
yuan3 y van3
|
1869 |
+
yuan4 y van4
|
1870 |
+
yuan5 y van5
|
1871 |
+
yue1 y ve1
|
1872 |
+
yue2 y ve2
|
1873 |
+
yue3 y ve3
|
1874 |
+
yue4 y ve4
|
1875 |
+
yue5 y ve5
|
1876 |
+
yun1 y vn1
|
1877 |
+
yun2 y vn2
|
1878 |
+
yun3 y vn3
|
1879 |
+
yun4 y vn4
|
1880 |
+
yun5 y vn5
|
1881 |
+
za1 z a1
|
1882 |
+
za2 z a2
|
1883 |
+
za3 z a3
|
1884 |
+
za4 z a4
|
1885 |
+
za5 z a5
|
1886 |
+
zai1 z ai1
|
1887 |
+
zai2 z ai2
|
1888 |
+
zai3 z ai3
|
1889 |
+
zai4 z ai4
|
1890 |
+
zai5 z ai5
|
1891 |
+
zan1 z an1
|
1892 |
+
zan2 z an2
|
1893 |
+
zan3 z an3
|
1894 |
+
zan4 z an4
|
1895 |
+
zan5 z an5
|
1896 |
+
zang1 z ang1
|
1897 |
+
zang2 z ang2
|
1898 |
+
zang3 z ang3
|
1899 |
+
zang4 z ang4
|
1900 |
+
zang5 z ang5
|
1901 |
+
zao1 z ao1
|
1902 |
+
zao2 z ao2
|
1903 |
+
zao3 z ao3
|
1904 |
+
zao4 z ao4
|
1905 |
+
zao5 z ao5
|
1906 |
+
ze1 z e1
|
1907 |
+
ze2 z e2
|
1908 |
+
ze3 z e3
|
1909 |
+
ze4 z e4
|
1910 |
+
ze5 z e5
|
1911 |
+
zei1 z ei1
|
1912 |
+
zei2 z ei2
|
1913 |
+
zei3 z ei3
|
1914 |
+
zei4 z ei4
|
1915 |
+
zei5 z ei5
|
1916 |
+
zen1 z en1
|
1917 |
+
zen2 z en2
|
1918 |
+
zen3 z en3
|
1919 |
+
zen4 z en4
|
1920 |
+
zen5 z en5
|
1921 |
+
zeng1 z eng1
|
1922 |
+
zeng2 z eng2
|
1923 |
+
zeng3 z eng3
|
1924 |
+
zeng4 z eng4
|
1925 |
+
zeng5 z eng5
|
1926 |
+
zha1 zh a1
|
1927 |
+
zha2 zh a2
|
1928 |
+
zha3 zh a3
|
1929 |
+
zha4 zh a4
|
1930 |
+
zha5 zh a5
|
1931 |
+
zhai1 zh ai1
|
1932 |
+
zhai2 zh ai2
|
1933 |
+
zhai3 zh ai3
|
1934 |
+
zhai4 zh ai4
|
1935 |
+
zhai5 zh ai5
|
1936 |
+
zhan1 zh an1
|
1937 |
+
zhan2 zh an2
|
1938 |
+
zhan3 zh an3
|
1939 |
+
zhan4 zh an4
|
1940 |
+
zhan5 zh an5
|
1941 |
+
zhang1 zh ang1
|
1942 |
+
zhang2 zh ang2
|
1943 |
+
zhang3 zh ang3
|
1944 |
+
zhang4 zh ang4
|
1945 |
+
zhang5 zh ang5
|
1946 |
+
zhao1 zh ao1
|
1947 |
+
zhao2 zh ao2
|
1948 |
+
zhao3 zh ao3
|
1949 |
+
zhao4 zh ao4
|
1950 |
+
zhao5 zh ao5
|
1951 |
+
zhe1 zh e1
|
1952 |
+
zhe2 zh e2
|
1953 |
+
zhe3 zh e3
|
1954 |
+
zhe4 zh e4
|
1955 |
+
zhe5 zh e5
|
1956 |
+
zhei1 zh ei1
|
1957 |
+
zhei2 zh ei2
|
1958 |
+
zhei3 zh ei3
|
1959 |
+
zhei4 zh ei4
|
1960 |
+
zhei5 zh ei5
|
1961 |
+
zhen1 zh en1
|
1962 |
+
zhen2 zh en2
|
1963 |
+
zhen3 zh en3
|
1964 |
+
zhen4 zh en4
|
1965 |
+
zhen5 zh en5
|
1966 |
+
zheng1 zh eng1
|
1967 |
+
zheng2 zh eng2
|
1968 |
+
zheng3 zh eng3
|
1969 |
+
zheng4 zh eng4
|
1970 |
+
zheng5 zh eng5
|
1971 |
+
zhi1 zh iii1
|
1972 |
+
zhi2 zh iii2
|
1973 |
+
zhi3 zh iii3
|
1974 |
+
zhi4 zh iii4
|
1975 |
+
zhi5 zh iii5
|
1976 |
+
zhong1 zh ong1
|
1977 |
+
zhong2 zh ong2
|
1978 |
+
zhong3 zh ong3
|
1979 |
+
zhong4 zh ong4
|
1980 |
+
zhong5 zh ong5
|
1981 |
+
zhou1 zh ou1
|
1982 |
+
zhou2 zh ou2
|
1983 |
+
zhou3 zh ou3
|
1984 |
+
zhou4 zh ou4
|
1985 |
+
zhou5 zh ou5
|
1986 |
+
zhu1 zh u1
|
1987 |
+
zhu2 zh u2
|
1988 |
+
zhu3 zh u3
|
1989 |
+
zhu4 zh u4
|
1990 |
+
zhu5 zh u5
|
1991 |
+
zhua1 zh ua1
|
1992 |
+
zhua2 zh ua2
|
1993 |
+
zhua3 zh ua3
|
1994 |
+
zhua4 zh ua4
|
1995 |
+
zhua5 zh ua5
|
1996 |
+
zhuai1 zh uai1
|
1997 |
+
zhuai2 zh uai2
|
1998 |
+
zhuai3 zh uai3
|
1999 |
+
zhuai4 zh uai4
|
2000 |
+
zhuai5 zh uai5
|
2001 |
+
zhuan1 zh uan1
|
2002 |
+
zhuan2 zh uan2
|
2003 |
+
zhuan3 zh uan3
|
2004 |
+
zhuan4 zh uan4
|
2005 |
+
zhuan5 zh uan5
|
2006 |
+
zhuang1 zh uang1
|
2007 |
+
zhuang2 zh uang2
|
2008 |
+
zhuang3 zh uang3
|
2009 |
+
zhuang4 zh uang4
|
2010 |
+
zhuang5 zh uang5
|
2011 |
+
zhui1 zh uei1
|
2012 |
+
zhui2 zh uei2
|
2013 |
+
zhui3 zh uei3
|
2014 |
+
zhui4 zh uei4
|
2015 |
+
zhui5 zh uei5
|
2016 |
+
zhun1 zh uen1
|
2017 |
+
zhun2 zh uen2
|
2018 |
+
zhun3 zh uen3
|
2019 |
+
zhun4 zh uen4
|
2020 |
+
zhun5 zh uen5
|
2021 |
+
zhuo1 zh uo1
|
2022 |
+
zhuo2 zh uo2
|
2023 |
+
zhuo3 zh uo3
|
2024 |
+
zhuo4 zh uo4
|
2025 |
+
zhuo5 zh uo5
|
2026 |
+
zi1 z ii1
|
2027 |
+
zi2 z ii2
|
2028 |
+
zi3 z ii3
|
2029 |
+
zi4 z ii4
|
2030 |
+
zi5 z ii5
|
2031 |
+
zong1 z ong1
|
2032 |
+
zong2 z ong2
|
2033 |
+
zong3 z ong3
|
2034 |
+
zong4 z ong4
|
2035 |
+
zong5 z ong5
|
2036 |
+
zou1 z ou1
|
2037 |
+
zou2 z ou2
|
2038 |
+
zou3 z ou3
|
2039 |
+
zou4 z ou4
|
2040 |
+
zou5 z ou5
|
2041 |
+
zu1 z u1
|
2042 |
+
zu2 z u2
|
2043 |
+
zu3 z u3
|
2044 |
+
zu4 z u4
|
2045 |
+
zu5 z u5
|
2046 |
+
zuan1 z uan1
|
2047 |
+
zuan2 z uan2
|
2048 |
+
zuan3 z uan3
|
2049 |
+
zuan4 z uan4
|
2050 |
+
zuan5 z uan5
|
2051 |
+
zui1 z uei1
|
2052 |
+
zui2 z uei2
|
2053 |
+
zui3 z uei3
|
2054 |
+
zui4 z uei4
|
2055 |
+
zui5 z uei5
|
2056 |
+
zun1 z uen1
|
2057 |
+
zun2 z uen2
|
2058 |
+
zun3 z uen3
|
2059 |
+
zun4 z uen4
|
2060 |
+
zun5 z uen5
|
2061 |
+
zuo1 z uo1
|
2062 |
+
zuo2 z uo2
|
2063 |
+
zuo3 z uo3
|
2064 |
+
zuo4 z uo4
|
2065 |
+
zuo5 z uo5
|
2066 |
+
ar1 a1 rr
|
2067 |
+
ar2 a2 rr
|
2068 |
+
ar3 a3 rr
|
2069 |
+
ar4 a4 rr
|
2070 |
+
ar5 a5 rr
|
2071 |
+
air1 ai1 rr
|
2072 |
+
air2 ai2 rr
|
2073 |
+
air3 ai3 rr
|
2074 |
+
air4 ai4 rr
|
2075 |
+
air5 ai5 rr
|
2076 |
+
anr1 an1 rr
|
2077 |
+
anr2 an2 rr
|
2078 |
+
anr3 an3 rr
|
2079 |
+
anr4 an4 rr
|
2080 |
+
anr5 an5 rr
|
2081 |
+
angr1 ang1 rr
|
2082 |
+
angr2 ang2 rr
|
2083 |
+
angr3 ang3 rr
|
2084 |
+
angr4 ang4 rr
|
2085 |
+
angr5 ang5 rr
|
2086 |
+
aor1 ao1 rr
|
2087 |
+
aor2 ao2 rr
|
2088 |
+
aor3 ao3 rr
|
2089 |
+
aor4 ao4 rr
|
2090 |
+
aor5 ao5 rr
|
2091 |
+
bar1 b a1 rr
|
2092 |
+
bar2 b a2 rr
|
2093 |
+
bar3 b a3 rr
|
2094 |
+
bar4 b a4 rr
|
2095 |
+
bar5 b a5 rr
|
2096 |
+
bair1 b ai1 rr
|
2097 |
+
bair2 b ai2 rr
|
2098 |
+
bair3 b ai3 rr
|
2099 |
+
bair4 b ai4 rr
|
2100 |
+
bair5 b ai5 rr
|
2101 |
+
banr1 b an1 rr
|
2102 |
+
banr2 b an2 rr
|
2103 |
+
banr3 b an3 rr
|
2104 |
+
banr4 b an4 rr
|
2105 |
+
banr5 b an5 rr
|
2106 |
+
bangr1 b ang1 rr
|
2107 |
+
bangr2 b ang2 rr
|
2108 |
+
bangr3 b ang3 rr
|
2109 |
+
bangr4 b ang4 rr
|
2110 |
+
bangr5 b ang5 rr
|
2111 |
+
baor1 b ao1 rr
|
2112 |
+
baor2 b ao2 rr
|
2113 |
+
baor3 b ao3 rr
|
2114 |
+
baor4 b ao4 rr
|
2115 |
+
baor5 b ao5 rr
|
2116 |
+
beir1 b ei1 rr
|
2117 |
+
beir2 b ei2 rr
|
2118 |
+
beir3 b ei3 rr
|
2119 |
+
beir4 b ei4 rr
|
2120 |
+
beir5 b ei5 rr
|
2121 |
+
benr1 b en1 rr
|
2122 |
+
benr2 b en2 rr
|
2123 |
+
benr3 b en3 rr
|
2124 |
+
benr4 b en4 rr
|
2125 |
+
benr5 b en5 rr
|
2126 |
+
bengr1 b eng1 rr
|
2127 |
+
bengr2 b eng2 rr
|
2128 |
+
bengr3 b eng3 rr
|
2129 |
+
bengr4 b eng4 rr
|
2130 |
+
bengr5 b eng5 rr
|
2131 |
+
bir1 b i1 rr
|
2132 |
+
bir2 b i2 rr
|
2133 |
+
bir3 b i3 rr
|
2134 |
+
bir4 b i4 rr
|
2135 |
+
bir5 b i5 rr
|
2136 |
+
bianr1 b ian1 rr
|
2137 |
+
bianr2 b ian2 rr
|
2138 |
+
bianr3 b ian3 rr
|
2139 |
+
bianr4 b ian4 rr
|
2140 |
+
bianr5 b ian5 rr
|
2141 |
+
biaor1 b iao1 rr
|
2142 |
+
biaor2 b iao2 rr
|
2143 |
+
biaor3 b iao3 rr
|
2144 |
+
biaor4 b iao4 rr
|
2145 |
+
biaor5 b iao5 rr
|
2146 |
+
bier1 b ie1 rr
|
2147 |
+
bier2 b ie2 rr
|
2148 |
+
bier3 b ie3 rr
|
2149 |
+
bier4 b ie4 rr
|
2150 |
+
bier5 b ie5 rr
|
2151 |
+
binr1 b in1 rr
|
2152 |
+
binr2 b in2 rr
|
2153 |
+
binr3 b in3 rr
|
2154 |
+
binr4 b in4 rr
|
2155 |
+
binr5 b in5 rr
|
2156 |
+
bingr1 b ing1 rr
|
2157 |
+
bingr2 b ing2 rr
|
2158 |
+
bingr3 b ing3 rr
|
2159 |
+
bingr4 b ing4 rr
|
2160 |
+
bingr5 b ing5 rr
|
2161 |
+
bor1 b o1 rr
|
2162 |
+
bor2 b o2 rr
|
2163 |
+
bor3 b o3 rr
|
2164 |
+
bor4 b o4 rr
|
2165 |
+
bor5 b o5 rr
|
2166 |
+
bur1 b u1 rr
|
2167 |
+
bur2 b u2 rr
|
2168 |
+
bur3 b u3 rr
|
2169 |
+
bur4 b u4 rr
|
2170 |
+
bur5 b u5 rr
|
2171 |
+
car1 c a1 rr
|
2172 |
+
car2 c a2 rr
|
2173 |
+
car3 c a3 rr
|
2174 |
+
car4 c a4 rr
|
2175 |
+
car5 c a5 rr
|
2176 |
+
cair1 c ai1 rr
|
2177 |
+
cair2 c ai2 rr
|
2178 |
+
cair3 c ai3 rr
|
2179 |
+
cair4 c ai4 rr
|
2180 |
+
cair5 c ai5 rr
|
2181 |
+
canr1 c an1 rr
|
2182 |
+
canr2 c an2 rr
|
2183 |
+
canr3 c an3 rr
|
2184 |
+
canr4 c an4 rr
|
2185 |
+
canr5 c an5 rr
|
2186 |
+
cangr1 c ang1 rr
|
2187 |
+
cangr2 c ang2 rr
|
2188 |
+
cangr3 c ang3 rr
|
2189 |
+
cangr4 c ang4 rr
|
2190 |
+
cangr5 c ang5 rr
|
2191 |
+
caor1 c ao1 rr
|
2192 |
+
caor2 c ao2 rr
|
2193 |
+
caor3 c ao3 rr
|
2194 |
+
caor4 c ao4 rr
|
2195 |
+
caor5 c ao5 rr
|
2196 |
+
cer1 c e1 rr
|
2197 |
+
cer2 c e2 rr
|
2198 |
+
cer3 c e3 rr
|
2199 |
+
cer4 c e4 rr
|
2200 |
+
cer5 c e5 rr
|
2201 |
+
cenr1 c en1 rr
|
2202 |
+
cenr2 c en2 rr
|
2203 |
+
cenr3 c en3 rr
|
2204 |
+
cenr4 c en4 rr
|
2205 |
+
cenr5 c en5 rr
|
2206 |
+
cengr1 c eng1 rr
|
2207 |
+
cengr2 c eng2 rr
|
2208 |
+
cengr3 c eng3 rr
|
2209 |
+
cengr4 c eng4 rr
|
2210 |
+
cengr5 c eng5 rr
|
2211 |
+
char1 ch a1 rr
|
2212 |
+
char2 ch a2 rr
|
2213 |
+
char3 ch a3 rr
|
2214 |
+
char4 ch a4 rr
|
2215 |
+
char5 ch a5 rr
|
2216 |
+
chair1 ch ai1 rr
|
2217 |
+
chair2 ch ai2 rr
|
2218 |
+
chair3 ch ai3 rr
|
2219 |
+
chair4 ch ai4 rr
|
2220 |
+
chair5 ch ai5 rr
|
2221 |
+
chanr1 ch an1 rr
|
2222 |
+
chanr2 ch an2 rr
|
2223 |
+
chanr3 ch an3 rr
|
2224 |
+
chanr4 ch an4 rr
|
2225 |
+
chanr5 ch an5 rr
|
2226 |
+
changr1 ch ang1 rr
|
2227 |
+
changr2 ch ang2 rr
|
2228 |
+
changr3 ch ang3 rr
|
2229 |
+
changr4 ch ang4 rr
|
2230 |
+
changr5 ch ang5 rr
|
2231 |
+
chaor1 ch ao1 rr
|
2232 |
+
chaor2 ch ao2 rr
|
2233 |
+
chaor3 ch ao3 rr
|
2234 |
+
chaor4 ch ao4 rr
|
2235 |
+
chaor5 ch ao5 rr
|
2236 |
+
cher1 ch e1 rr
|
2237 |
+
cher2 ch e2 rr
|
2238 |
+
cher3 ch e3 rr
|
2239 |
+
cher4 ch e4 rr
|
2240 |
+
cher5 ch e5 rr
|
2241 |
+
chenr1 ch en1 rr
|
2242 |
+
chenr2 ch en2 rr
|
2243 |
+
chenr3 ch en3 rr
|
2244 |
+
chenr4 ch en4 rr
|
2245 |
+
chenr5 ch en5 rr
|
2246 |
+
chengr1 ch eng1 rr
|
2247 |
+
chengr2 ch eng2 rr
|
2248 |
+
chengr3 ch eng3 rr
|
2249 |
+
chengr4 ch eng4 rr
|
2250 |
+
chengr5 ch eng5 rr
|
2251 |
+
chir1 ch iii1 rr
|
2252 |
+
chir2 ch iii2 rr
|
2253 |
+
chir3 ch iii3 rr
|
2254 |
+
chir4 ch iii4 rr
|
2255 |
+
chir5 ch iii5 rr
|
2256 |
+
chongr1 ch ong1 rr
|
2257 |
+
chongr2 ch ong2 rr
|
2258 |
+
chongr3 ch ong3 rr
|
2259 |
+
chongr4 ch ong4 rr
|
2260 |
+
chongr5 ch ong5 rr
|
2261 |
+
chour1 ch ou1 rr
|
2262 |
+
chour2 ch ou2 rr
|
2263 |
+
chour3 ch ou3 rr
|
2264 |
+
chour4 ch ou4 rr
|
2265 |
+
chour5 ch ou5 rr
|
2266 |
+
chur1 ch u1 rr
|
2267 |
+
chur2 ch u2 rr
|
2268 |
+
chur3 ch u3 rr
|
2269 |
+
chur4 ch u4 rr
|
2270 |
+
chur5 ch u5 rr
|
2271 |
+
chuair1 ch uai1 rr
|
2272 |
+
chuair2 ch uai2 rr
|
2273 |
+
chuair3 ch uai3 rr
|
2274 |
+
chuair4 ch uai4 rr
|
2275 |
+
chuair5 ch uai5 rr
|
2276 |
+
chuanr1 ch uan1 rr
|
2277 |
+
chuanr2 ch uan2 rr
|
2278 |
+
chuanr3 ch uan3 rr
|
2279 |
+
chuanr4 ch uan4 rr
|
2280 |
+
chuanr5 ch uan5 rr
|
2281 |
+
chuangr1 ch uang1 rr
|
2282 |
+
chuangr2 ch uang2 rr
|
2283 |
+
chuangr3 ch uang3 rr
|
2284 |
+
chuangr4 ch uang4 rr
|
2285 |
+
chuangr5 ch uang5 rr
|
2286 |
+
chuir1 ch uei1 rr
|
2287 |
+
chuir2 ch uei2 rr
|
2288 |
+
chuir3 ch uei3 rr
|
2289 |
+
chuir4 ch uei4 rr
|
2290 |
+
chuir5 ch uei5 rr
|
2291 |
+
chunr1 ch uen1 rr
|
2292 |
+
chunr2 ch uen2 rr
|
2293 |
+
chunr3 ch uen3 rr
|
2294 |
+
chunr4 ch uen4 rr
|
2295 |
+
chunr5 ch uen5 rr
|
2296 |
+
chuor1 ch uo1 rr
|
2297 |
+
chuor2 ch uo2 rr
|
2298 |
+
chuor3 ch uo3 rr
|
2299 |
+
chuor4 ch uo4 rr
|
2300 |
+
chuor5 ch uo5 rr
|
2301 |
+
cir1 c ii1 rr
|
2302 |
+
cir2 c ii2 rr
|
2303 |
+
cir3 c ii3 rr
|
2304 |
+
cir4 c ii4 rr
|
2305 |
+
cir5 c ii5 rr
|
2306 |
+
congr1 c ong1 rr
|
2307 |
+
congr2 c ong2 rr
|
2308 |
+
congr3 c ong3 rr
|
2309 |
+
congr4 c ong4 rr
|
2310 |
+
congr5 c ong5 rr
|
2311 |
+
cour1 c ou1 rr
|
2312 |
+
cour2 c ou2 rr
|
2313 |
+
cour3 c ou3 rr
|
2314 |
+
cour4 c ou4 rr
|
2315 |
+
cour5 c ou5 rr
|
2316 |
+
cur1 c u1 rr
|
2317 |
+
cur2 c u2 rr
|
2318 |
+
cur3 c u3 rr
|
2319 |
+
cur4 c u4 rr
|
2320 |
+
cur5 c u5 rr
|
2321 |
+
cuanr1 c uan1 rr
|
2322 |
+
cuanr2 c uan2 rr
|
2323 |
+
cuanr3 c uan3 rr
|
2324 |
+
cuanr4 c uan4 rr
|
2325 |
+
cuanr5 c uan5 rr
|
2326 |
+
cuir1 c uei1 rr
|
2327 |
+
cuir2 c uei2 rr
|
2328 |
+
cuir3 c uei3 rr
|
2329 |
+
cuir4 c uei4 rr
|
2330 |
+
cuir5 c uei5 rr
|
2331 |
+
cunr1 c uen1 rr
|
2332 |
+
cunr2 c uen2 rr
|
2333 |
+
cunr3 c uen3 rr
|
2334 |
+
cunr4 c uen4 rr
|
2335 |
+
cunr5 c uen5 rr
|
2336 |
+
cuor1 c uo1 rr
|
2337 |
+
cuor2 c uo2 rr
|
2338 |
+
cuor3 c uo3 rr
|
2339 |
+
cuor4 c uo4 rr
|
2340 |
+
cuor5 c uo5 rr
|
2341 |
+
dar1 d a1 rr
|
2342 |
+
dar2 d a2 rr
|
2343 |
+
dar3 d a3 rr
|
2344 |
+
dar4 d a4 rr
|
2345 |
+
dar5 d a5 rr
|
2346 |
+
dair1 d ai1 rr
|
2347 |
+
dair2 d ai2 rr
|
2348 |
+
dair3 d ai3 rr
|
2349 |
+
dair4 d ai4 rr
|
2350 |
+
dair5 d ai5 rr
|
2351 |
+
danr1 d an1 rr
|
2352 |
+
danr2 d an2 rr
|
2353 |
+
danr3 d an3 rr
|
2354 |
+
danr4 d an4 rr
|
2355 |
+
danr5 d an5 rr
|
2356 |
+
dangr1 d ang1 rr
|
2357 |
+
dangr2 d ang2 rr
|
2358 |
+
dangr3 d ang3 rr
|
2359 |
+
dangr4 d ang4 rr
|
2360 |
+
dangr5 d ang5 rr
|
2361 |
+
daor1 d ao1 rr
|
2362 |
+
daor2 d ao2 rr
|
2363 |
+
daor3 d ao3 rr
|
2364 |
+
daor4 d ao4 rr
|
2365 |
+
daor5 d ao5 rr
|
2366 |
+
der1 d e1 rr
|
2367 |
+
der2 d e2 rr
|
2368 |
+
der3 d e3 rr
|
2369 |
+
der4 d e4 rr
|
2370 |
+
der5 d e5 rr
|
2371 |
+
deir1 d ei1 rr
|
2372 |
+
deir2 d ei2 rr
|
2373 |
+
deir3 d ei3 rr
|
2374 |
+
deir4 d ei4 rr
|
2375 |
+
deir5 d ei5 rr
|
2376 |
+
denr1 d en1 rr
|
2377 |
+
denr2 d en2 rr
|
2378 |
+
denr3 d en3 rr
|
2379 |
+
denr4 d en4 rr
|
2380 |
+
denr5 d en5 rr
|
2381 |
+
dengr1 d eng1 rr
|
2382 |
+
dengr2 d eng2 rr
|
2383 |
+
dengr3 d eng3 rr
|
2384 |
+
dengr4 d eng4 rr
|
2385 |
+
dengr5 d eng5 rr
|
2386 |
+
dir1 d i1 rr
|
2387 |
+
dir2 d i2 rr
|
2388 |
+
dir3 d i3 rr
|
2389 |
+
dir4 d i4 rr
|
2390 |
+
dir5 d i5 rr
|
2391 |
+
diar1 d ia1 rr
|
2392 |
+
diar2 d ia2 rr
|
2393 |
+
diar3 d ia3 rr
|
2394 |
+
diar4 d ia4 rr
|
2395 |
+
diar5 d ia5 rr
|
2396 |
+
dianr1 d ian1 rr
|
2397 |
+
dianr2 d ian2 rr
|
2398 |
+
dianr3 d ian3 rr
|
2399 |
+
dianr4 d ian4 rr
|
2400 |
+
dianr5 d ian5 rr
|
2401 |
+
diaor1 d iao1 rr
|
2402 |
+
diaor2 d iao2 rr
|
2403 |
+
diaor3 d iao3 rr
|
2404 |
+
diaor4 d iao4 rr
|
2405 |
+
diaor5 d iao5 rr
|
2406 |
+
dier1 d ie1 rr
|
2407 |
+
dier2 d ie2 rr
|
2408 |
+
dier3 d ie3 rr
|
2409 |
+
dier4 d ie4 rr
|
2410 |
+
dier5 d ie5 rr
|
2411 |
+
dingr1 d ing1 rr
|
2412 |
+
dingr2 d ing2 rr
|
2413 |
+
dingr3 d ing3 rr
|
2414 |
+
dingr4 d ing4 rr
|
2415 |
+
dingr5 d ing5 rr
|
2416 |
+
diur1 d iou1 rr
|
2417 |
+
diur2 d iou2 rr
|
2418 |
+
diur3 d iou3 rr
|
2419 |
+
diur4 d iou4 rr
|
2420 |
+
diur5 d iou5 rr
|
2421 |
+
dongr1 d ong1 rr
|
2422 |
+
dongr2 d ong2 rr
|
2423 |
+
dongr3 d ong3 rr
|
2424 |
+
dongr4 d ong4 rr
|
2425 |
+
dongr5 d ong5 rr
|
2426 |
+
dour1 d ou1 rr
|
2427 |
+
dour2 d ou2 rr
|
2428 |
+
dour3 d ou3 rr
|
2429 |
+
dour4 d ou4 rr
|
2430 |
+
dour5 d ou5 rr
|
2431 |
+
dur1 d u1 rr
|
2432 |
+
dur2 d u2 rr
|
2433 |
+
dur3 d u3 rr
|
2434 |
+
dur4 d u4 rr
|
2435 |
+
dur5 d u5 rr
|
2436 |
+
duanr1 d uan1 rr
|
2437 |
+
duanr2 d uan2 rr
|
2438 |
+
duanr3 d uan3 rr
|
2439 |
+
duanr4 d uan4 rr
|
2440 |
+
duanr5 d uan5 rr
|
2441 |
+
duir1 d uei1 rr
|
2442 |
+
duir2 d uei2 rr
|
2443 |
+
duir3 d uei3 rr
|
2444 |
+
duir4 d uei4 rr
|
2445 |
+
duir5 d uei5 rr
|
2446 |
+
dunr1 d uen1 rr
|
2447 |
+
dunr2 d uen2 rr
|
2448 |
+
dunr3 d uen3 rr
|
2449 |
+
dunr4 d uen4 rr
|
2450 |
+
dunr5 d uen5 rr
|
2451 |
+
duor1 d uo1 rr
|
2452 |
+
duor2 d uo2 rr
|
2453 |
+
duor3 d uo3 rr
|
2454 |
+
duor4 d uo4 rr
|
2455 |
+
duor5 d uo5 rr
|
2456 |
+
er1 e1 rr
|
2457 |
+
er2 e2 rr
|
2458 |
+
er3 e3 rr
|
2459 |
+
er4 e4 rr
|
2460 |
+
er5 e5 rr
|
2461 |
+
eir1 ei1 rr
|
2462 |
+
eir2 ei2 rr
|
2463 |
+
eir3 ei3 rr
|
2464 |
+
eir4 ei4 rr
|
2465 |
+
eir5 ei5 rr
|
2466 |
+
enr1 en1 rr
|
2467 |
+
enr2 en2 rr
|
2468 |
+
enr3 en3 rr
|
2469 |
+
enr4 en4 rr
|
2470 |
+
enr5 en5 rr
|
2471 |
+
engr1 eng1 rr
|
2472 |
+
engr2 eng2 rr
|
2473 |
+
engr3 eng3 rr
|
2474 |
+
engr4 eng4 rr
|
2475 |
+
engr5 eng5 rr
|
2476 |
+
far1 f a1 rr
|
2477 |
+
far2 f a2 rr
|
2478 |
+
far3 f a3 rr
|
2479 |
+
far4 f a4 rr
|
2480 |
+
far5 f a5 rr
|
2481 |
+
fanr1 f an1 rr
|
2482 |
+
fanr2 f an2 rr
|
2483 |
+
fanr3 f an3 rr
|
2484 |
+
fanr4 f an4 rr
|
2485 |
+
fanr5 f an5 rr
|
2486 |
+
fangr1 f ang1 rr
|
2487 |
+
fangr2 f ang2 rr
|
2488 |
+
fangr3 f ang3 rr
|
2489 |
+
fangr4 f ang4 rr
|
2490 |
+
fangr5 f ang5 rr
|
2491 |
+
feir1 f ei1 rr
|
2492 |
+
feir2 f ei2 rr
|
2493 |
+
feir3 f ei3 rr
|
2494 |
+
feir4 f ei4 rr
|
2495 |
+
feir5 f ei5 rr
|
2496 |
+
fenr1 f en1 rr
|
2497 |
+
fenr2 f en2 rr
|
2498 |
+
fenr3 f en3 rr
|
2499 |
+
fenr4 f en4 rr
|
2500 |
+
fenr5 f en5 rr
|
2501 |
+
fengr1 f eng1 rr
|
2502 |
+
fengr2 f eng2 rr
|
2503 |
+
fengr3 f eng3 rr
|
2504 |
+
fengr4 f eng4 rr
|
2505 |
+
fengr5 f eng5 rr
|
2506 |
+
for1 f o1 rr
|
2507 |
+
for2 f o2 rr
|
2508 |
+
for3 f o3 rr
|
2509 |
+
for4 f o4 rr
|
2510 |
+
for5 f o5 rr
|
2511 |
+
four1 f ou1 rr
|
2512 |
+
four2 f ou2 rr
|
2513 |
+
four3 f ou3 rr
|
2514 |
+
four4 f ou4 rr
|
2515 |
+
four5 f ou5 rr
|
2516 |
+
fur1 f u1 rr
|
2517 |
+
fur2 f u2 rr
|
2518 |
+
fur3 f u3 rr
|
2519 |
+
fur4 f u4 rr
|
2520 |
+
fur5 f u5 rr
|
2521 |
+
gar1 g a1 rr
|
2522 |
+
gar2 g a2 rr
|
2523 |
+
gar3 g a3 rr
|
2524 |
+
gar4 g a4 rr
|
2525 |
+
gar5 g a5 rr
|
2526 |
+
gair1 g ai1 rr
|
2527 |
+
gair2 g ai2 rr
|
2528 |
+
gair3 g ai3 rr
|
2529 |
+
gair4 g ai4 rr
|
2530 |
+
gair5 g ai5 rr
|
2531 |
+
ganr1 g an1 rr
|
2532 |
+
ganr2 g an2 rr
|
2533 |
+
ganr3 g an3 rr
|
2534 |
+
ganr4 g an4 rr
|
2535 |
+
ganr5 g an5 rr
|
2536 |
+
gangr1 g ang1 rr
|
2537 |
+
gangr2 g ang2 rr
|
2538 |
+
gangr3 g ang3 rr
|
2539 |
+
gangr4 g ang4 rr
|
2540 |
+
gangr5 g ang5 rr
|
2541 |
+
gaor1 g ao1 rr
|
2542 |
+
gaor2 g ao2 rr
|
2543 |
+
gaor3 g ao3 rr
|
2544 |
+
gaor4 g ao4 rr
|
2545 |
+
gaor5 g ao5 rr
|
2546 |
+
ger1 g e1 rr
|
2547 |
+
ger2 g e2 rr
|
2548 |
+
ger3 g e3 rr
|
2549 |
+
ger4 g e4 rr
|
2550 |
+
ger5 g e5 rr
|
2551 |
+
geir1 g ei1 rr
|
2552 |
+
geir2 g ei2 rr
|
2553 |
+
geir3 g ei3 rr
|
2554 |
+
geir4 g ei4 rr
|
2555 |
+
geir5 g ei5 rr
|
2556 |
+
genr1 g en1 rr
|
2557 |
+
genr2 g en2 rr
|
2558 |
+
genr3 g en3 rr
|
2559 |
+
genr4 g en4 rr
|
2560 |
+
genr5 g en5 rr
|
2561 |
+
gengr1 g eng1 rr
|
2562 |
+
gengr2 g eng2 rr
|
2563 |
+
gengr3 g eng3 rr
|
2564 |
+
gengr4 g eng4 rr
|
2565 |
+
gengr5 g eng5 rr
|
2566 |
+
gongr1 g ong1 rr
|
2567 |
+
gongr2 g ong2 rr
|
2568 |
+
gongr3 g ong3 rr
|
2569 |
+
gongr4 g ong4 rr
|
2570 |
+
gongr5 g ong5 rr
|
2571 |
+
gour1 g ou1 rr
|
2572 |
+
gour2 g ou2 rr
|
2573 |
+
gour3 g ou3 rr
|
2574 |
+
gour4 g ou4 rr
|
2575 |
+
gour5 g ou5 rr
|
2576 |
+
gur1 g u1 rr
|
2577 |
+
gur2 g u2 rr
|
2578 |
+
gur3 g u3 rr
|
2579 |
+
gur4 g u4 rr
|
2580 |
+
gur5 g u5 rr
|
2581 |
+
guar1 g ua1 rr
|
2582 |
+
guar2 g ua2 rr
|
2583 |
+
guar3 g ua3 rr
|
2584 |
+
guar4 g ua4 rr
|
2585 |
+
guar5 g ua5 rr
|
2586 |
+
guair1 g uai1 rr
|
2587 |
+
guair2 g uai2 rr
|
2588 |
+
guair3 g uai3 rr
|
2589 |
+
guair4 g uai4 rr
|
2590 |
+
guair5 g uai5 rr
|
2591 |
+
guanr1 g uan1 rr
|
2592 |
+
guanr2 g uan2 rr
|
2593 |
+
guanr3 g uan3 rr
|
2594 |
+
guanr4 g uan4 rr
|
2595 |
+
guanr5 g uan5 rr
|
2596 |
+
guangr1 g uang1 rr
|
2597 |
+
guangr2 g uang2 rr
|
2598 |
+
guangr3 g uang3 rr
|
2599 |
+
guangr4 g uang4 rr
|
2600 |
+
guangr5 g uang5 rr
|
2601 |
+
guir1 g uei1 rr
|
2602 |
+
guir2 g uei2 rr
|
2603 |
+
guir3 g uei3 rr
|
2604 |
+
guir4 g uei4 rr
|
2605 |
+
guir5 g uei5 rr
|
2606 |
+
gunr1 g uen1 rr
|
2607 |
+
gunr2 g uen2 rr
|
2608 |
+
gunr3 g uen3 rr
|
2609 |
+
gunr4 g uen4 rr
|
2610 |
+
gunr5 g uen5 rr
|
2611 |
+
guor1 g uo1 rr
|
2612 |
+
guor2 g uo2 rr
|
2613 |
+
guor3 g uo3 rr
|
2614 |
+
guor4 g uo4 rr
|
2615 |
+
guor5 g uo5 rr
|
2616 |
+
har1 h a1 rr
|
2617 |
+
har2 h a2 rr
|
2618 |
+
har3 h a3 rr
|
2619 |
+
har4 h a4 rr
|
2620 |
+
har5 h a5 rr
|
2621 |
+
hair1 h ai1 rr
|
2622 |
+
hair2 h ai2 rr
|
2623 |
+
hair3 h ai3 rr
|
2624 |
+
hair4 h ai4 rr
|
2625 |
+
hair5 h ai5 rr
|
2626 |
+
hanr1 h an1 rr
|
2627 |
+
hanr2 h an2 rr
|
2628 |
+
hanr3 h an3 rr
|
2629 |
+
hanr4 h an4 rr
|
2630 |
+
hanr5 h an5 rr
|
2631 |
+
hangr1 h ang1 rr
|
2632 |
+
hangr2 h ang2 rr
|
2633 |
+
hangr3 h ang3 rr
|
2634 |
+
hangr4 h ang4 rr
|
2635 |
+
hangr5 h ang5 rr
|
2636 |
+
haor1 h ao1 rr
|
2637 |
+
haor2 h ao2 rr
|
2638 |
+
haor3 h ao3 rr
|
2639 |
+
haor4 h ao4 rr
|
2640 |
+
haor5 h ao5 rr
|
2641 |
+
her1 h e1 rr
|
2642 |
+
her2 h e2 rr
|
2643 |
+
her3 h e3 rr
|
2644 |
+
her4 h e4 rr
|
2645 |
+
her5 h e5 rr
|
2646 |
+
heir1 h ei1 rr
|
2647 |
+
heir2 h ei2 rr
|
2648 |
+
heir3 h ei3 rr
|
2649 |
+
heir4 h ei4 rr
|
2650 |
+
heir5 h ei5 rr
|
2651 |
+
henr1 h en1 rr
|
2652 |
+
henr2 h en2 rr
|
2653 |
+
henr3 h en3 rr
|
2654 |
+
henr4 h en4 rr
|
2655 |
+
henr5 h en5 rr
|
2656 |
+
hengr1 h eng1 rr
|
2657 |
+
hengr2 h eng2 rr
|
2658 |
+
hengr3 h eng3 rr
|
2659 |
+
hengr4 h eng4 rr
|
2660 |
+
hengr5 h eng5 rr
|
2661 |
+
hongr1 h ong1 rr
|
2662 |
+
hongr2 h ong2 rr
|
2663 |
+
hongr3 h ong3 rr
|
2664 |
+
hongr4 h ong4 rr
|
2665 |
+
hongr5 h ong5 rr
|
2666 |
+
hour1 h ou1 rr
|
2667 |
+
hour2 h ou2 rr
|
2668 |
+
hour3 h ou3 rr
|
2669 |
+
hour4 h ou4 rr
|
2670 |
+
hour5 h ou5 rr
|
2671 |
+
hur1 h u1 rr
|
2672 |
+
hur2 h u2 rr
|
2673 |
+
hur3 h u3 rr
|
2674 |
+
hur4 h u4 rr
|
2675 |
+
hur5 h u5 rr
|
2676 |
+
huar1 h ua1 rr
|
2677 |
+
huar2 h ua2 rr
|
2678 |
+
huar3 h ua3 rr
|
2679 |
+
huar4 h ua4 rr
|
2680 |
+
huar5 h ua5 rr
|
2681 |
+
huair1 h uai1 rr
|
2682 |
+
huair2 h uai2 rr
|
2683 |
+
huair3 h uai3 rr
|
2684 |
+
huair4 h uai4 rr
|
2685 |
+
huair5 h uai5 rr
|
2686 |
+
huanr1 h uan1 rr
|
2687 |
+
huanr2 h uan2 rr
|
2688 |
+
huanr3 h uan3 rr
|
2689 |
+
huanr4 h uan4 rr
|
2690 |
+
huanr5 h uan5 rr
|
2691 |
+
huangr1 h uang1 rr
|
2692 |
+
huangr2 h uang2 rr
|
2693 |
+
huangr3 h uang3 rr
|
2694 |
+
huangr4 h uang4 rr
|
2695 |
+
huangr5 h uang5 rr
|
2696 |
+
huir1 h uei1 rr
|
2697 |
+
huir2 h uei2 rr
|
2698 |
+
huir3 h uei3 rr
|
2699 |
+
huir4 h uei4 rr
|
2700 |
+
huir5 h uei5 rr
|
2701 |
+
hunr1 h uen1 rr
|
2702 |
+
hunr2 h uen2 rr
|
2703 |
+
hunr3 h uen3 rr
|
2704 |
+
hunr4 h uen4 rr
|
2705 |
+
hunr5 h uen5 rr
|
2706 |
+
huor1 h uo1 rr
|
2707 |
+
huor2 h uo2 rr
|
2708 |
+
huor3 h uo3 rr
|
2709 |
+
huor4 h uo4 rr
|
2710 |
+
huor5 h uo5 rr
|
2711 |
+
jir1 j i1 rr
|
2712 |
+
jir2 j i2 rr
|
2713 |
+
jir3 j i3 rr
|
2714 |
+
jir4 j i4 rr
|
2715 |
+
jir5 j i5 rr
|
2716 |
+
jiar1 j ia1 rr
|
2717 |
+
jiar2 j ia2 rr
|
2718 |
+
jiar3 j ia3 rr
|
2719 |
+
jiar4 j ia4 rr
|
2720 |
+
jiar5 j ia5 rr
|
2721 |
+
jianr1 j ian1 rr
|
2722 |
+
jianr2 j ian2 rr
|
2723 |
+
jianr3 j ian3 rr
|
2724 |
+
jianr4 j ian4 rr
|
2725 |
+
jianr5 j ian5 rr
|
2726 |
+
jiangr1 j iang1 rr
|
2727 |
+
jiangr2 j iang2 rr
|
2728 |
+
jiangr3 j iang3 rr
|
2729 |
+
jiangr4 j iang4 rr
|
2730 |
+
jiangr5 j iang5 rr
|
2731 |
+
jiaor1 j iao1 rr
|
2732 |
+
jiaor2 j iao2 rr
|
2733 |
+
jiaor3 j iao3 rr
|
2734 |
+
jiaor4 j iao4 rr
|
2735 |
+
jiaor5 j iao5 rr
|
2736 |
+
jier1 j ie1 rr
|
2737 |
+
jier2 j ie2 rr
|
2738 |
+
jier3 j ie3 rr
|
2739 |
+
jier4 j ie4 rr
|
2740 |
+
jier5 j ie5 rr
|
2741 |
+
jinr1 j in1 rr
|
2742 |
+
jinr2 j in2 rr
|
2743 |
+
jinr3 j in3 rr
|
2744 |
+
jinr4 j in4 rr
|
2745 |
+
jinr5 j in5 rr
|
2746 |
+
jingr1 j ing1 rr
|
2747 |
+
jingr2 j ing2 rr
|
2748 |
+
jingr3 j ing3 rr
|
2749 |
+
jingr4 j ing4 rr
|
2750 |
+
jingr5 j ing5 rr
|
2751 |
+
jiongr1 j iong1 rr
|
2752 |
+
jiongr2 j iong2 rr
|
2753 |
+
jiongr3 j iong3 rr
|
2754 |
+
jiongr4 j iong4 rr
|
2755 |
+
jiongr5 j iong5 rr
|
2756 |
+
jiur1 j iou1 rr
|
2757 |
+
jiur2 j iou2 rr
|
2758 |
+
jiur3 j iou3 rr
|
2759 |
+
jiur4 j iou4 rr
|
2760 |
+
jiur5 j iou5 rr
|
2761 |
+
jur1 j v1 rr
|
2762 |
+
jur2 j v2 rr
|
2763 |
+
jur3 j v3 rr
|
2764 |
+
jur4 j v4 rr
|
2765 |
+
jur5 j v5 rr
|
2766 |
+
juanr1 j van1 rr
|
2767 |
+
juanr2 j van2 rr
|
2768 |
+
juanr3 j van3 rr
|
2769 |
+
juanr4 j van4 rr
|
2770 |
+
juanr5 j van5 rr
|
2771 |
+
juer1 j ve1 rr
|
2772 |
+
juer2 j ve2 rr
|
2773 |
+
juer3 j ve3 rr
|
2774 |
+
juer4 j ve4 rr
|
2775 |
+
juer5 j ve5 rr
|
2776 |
+
junr1 j vn1 rr
|
2777 |
+
junr2 j vn2 rr
|
2778 |
+
junr3 j vn3 rr
|
2779 |
+
junr4 j vn4 rr
|
2780 |
+
junr5 j vn5 rr
|
2781 |
+
kar1 k a1 rr
|
2782 |
+
kar2 k a2 rr
|
2783 |
+
kar3 k a3 rr
|
2784 |
+
kar4 k a4 rr
|
2785 |
+
kar5 k a5 rr
|
2786 |
+
kair1 k ai1 rr
|
2787 |
+
kair2 k ai2 rr
|
2788 |
+
kair3 k ai3 rr
|
2789 |
+
kair4 k ai4 rr
|
2790 |
+
kair5 k ai5 rr
|
2791 |
+
kanr1 k an1 rr
|
2792 |
+
kanr2 k an2 rr
|
2793 |
+
kanr3 k an3 rr
|
2794 |
+
kanr4 k an4 rr
|
2795 |
+
kanr5 k an5 rr
|
2796 |
+
kangr1 k ang1 rr
|
2797 |
+
kangr2 k ang2 rr
|
2798 |
+
kangr3 k ang3 rr
|
2799 |
+
kangr4 k ang4 rr
|
2800 |
+
kangr5 k ang5 rr
|
2801 |
+
kaor1 k ao1 rr
|
2802 |
+
kaor2 k ao2 rr
|
2803 |
+
kaor3 k ao3 rr
|
2804 |
+
kaor4 k ao4 rr
|
2805 |
+
kaor5 k ao5 rr
|
2806 |
+
ker1 k e1 rr
|
2807 |
+
ker2 k e2 rr
|
2808 |
+
ker3 k e3 rr
|
2809 |
+
ker4 k e4 rr
|
2810 |
+
ker5 k e5 rr
|
2811 |
+
keir1 k ei1 rr
|
2812 |
+
keir2 k ei2 rr
|
2813 |
+
keir3 k ei3 rr
|
2814 |
+
keir4 k ei4 rr
|
2815 |
+
keir5 k ei5 rr
|
2816 |
+
kenr1 k en1 rr
|
2817 |
+
kenr2 k en2 rr
|
2818 |
+
kenr3 k en3 rr
|
2819 |
+
kenr4 k en4 rr
|
2820 |
+
kenr5 k en5 rr
|
2821 |
+
kengr1 k eng1 rr
|
2822 |
+
kengr2 k eng2 rr
|
2823 |
+
kengr3 k eng3 rr
|
2824 |
+
kengr4 k eng4 rr
|
2825 |
+
kengr5 k eng5 rr
|
2826 |
+
kongr1 k ong1 rr
|
2827 |
+
kongr2 k ong2 rr
|
2828 |
+
kongr3 k ong3 rr
|
2829 |
+
kongr4 k ong4 rr
|
2830 |
+
kongr5 k ong5 rr
|
2831 |
+
kour1 k ou1 rr
|
2832 |
+
kour2 k ou2 rr
|
2833 |
+
kour3 k ou3 rr
|
2834 |
+
kour4 k ou4 rr
|
2835 |
+
kour5 k ou5 rr
|
2836 |
+
kur1 k u1 rr
|
2837 |
+
kur2 k u2 rr
|
2838 |
+
kur3 k u3 rr
|
2839 |
+
kur4 k u4 rr
|
2840 |
+
kur5 k u5 rr
|
2841 |
+
kuar1 k ua1 rr
|
2842 |
+
kuar2 k ua2 rr
|
2843 |
+
kuar3 k ua3 rr
|
2844 |
+
kuar4 k ua4 rr
|
2845 |
+
kuar5 k ua5 rr
|
2846 |
+
kuair1 k uai1 rr
|
2847 |
+
kuair2 k uai2 rr
|
2848 |
+
kuair3 k uai3 rr
|
2849 |
+
kuair4 k uai4 rr
|
2850 |
+
kuair5 k uai5 rr
|
2851 |
+
kuanr1 k uan1 rr
|
2852 |
+
kuanr2 k uan2 rr
|
2853 |
+
kuanr3 k uan3 rr
|
2854 |
+
kuanr4 k uan4 rr
|
2855 |
+
kuanr5 k uan5 rr
|
2856 |
+
kuangr1 k uang1 rr
|
2857 |
+
kuangr2 k uang2 rr
|
2858 |
+
kuangr3 k uang3 rr
|
2859 |
+
kuangr4 k uang4 rr
|
2860 |
+
kuangr5 k uang5 rr
|
2861 |
+
kuir1 k uei1 rr
|
2862 |
+
kuir2 k uei2 rr
|
2863 |
+
kuir3 k uei3 rr
|
2864 |
+
kuir4 k uei4 rr
|
2865 |
+
kuir5 k uei5 rr
|
2866 |
+
kunr1 k uen1 rr
|
2867 |
+
kunr2 k uen2 rr
|
2868 |
+
kunr3 k uen3 rr
|
2869 |
+
kunr4 k uen4 rr
|
2870 |
+
kunr5 k uen5 rr
|
2871 |
+
kuor1 k uo1 rr
|
2872 |
+
kuor2 k uo2 rr
|
2873 |
+
kuor3 k uo3 rr
|
2874 |
+
kuor4 k uo4 rr
|
2875 |
+
kuor5 k uo5 rr
|
2876 |
+
lar1 l a1 rr
|
2877 |
+
lar2 l a2 rr
|
2878 |
+
lar3 l a3 rr
|
2879 |
+
lar4 l a4 rr
|
2880 |
+
lar5 l a5 rr
|
2881 |
+
lair1 l ai1 rr
|
2882 |
+
lair2 l ai2 rr
|
2883 |
+
lair3 l ai3 rr
|
2884 |
+
lair4 l ai4 rr
|
2885 |
+
lair5 l ai5 rr
|
2886 |
+
lanr1 l an1 rr
|
2887 |
+
lanr2 l an2 rr
|
2888 |
+
lanr3 l an3 rr
|
2889 |
+
lanr4 l an4 rr
|
2890 |
+
lanr5 l an5 rr
|
2891 |
+
langr1 l ang1 rr
|
2892 |
+
langr2 l ang2 rr
|
2893 |
+
langr3 l ang3 rr
|
2894 |
+
langr4 l ang4 rr
|
2895 |
+
langr5 l ang5 rr
|
2896 |
+
laor1 l ao1 rr
|
2897 |
+
laor2 l ao2 rr
|
2898 |
+
laor3 l ao3 rr
|
2899 |
+
laor4 l ao4 rr
|
2900 |
+
laor5 l ao5 rr
|
2901 |
+
ler1 l e1 rr
|
2902 |
+
ler2 l e2 rr
|
2903 |
+
ler3 l e3 rr
|
2904 |
+
ler4 l e4 rr
|
2905 |
+
ler5 l e5 rr
|
2906 |
+
leir1 l ei1 rr
|
2907 |
+
leir2 l ei2 rr
|
2908 |
+
leir3 l ei3 rr
|
2909 |
+
leir4 l ei4 rr
|
2910 |
+
leir5 l ei5 rr
|
2911 |
+
lengr1 l eng1 rr
|
2912 |
+
lengr2 l eng2 rr
|
2913 |
+
lengr3 l eng3 rr
|
2914 |
+
lengr4 l eng4 rr
|
2915 |
+
lengr5 l eng5 rr
|
2916 |
+
lir1 l i1 rr
|
2917 |
+
lir2 l i2 rr
|
2918 |
+
lir3 l i3 rr
|
2919 |
+
lir4 l i4 rr
|
2920 |
+
lir5 l i5 rr
|
2921 |
+
liar1 l ia1 rr
|
2922 |
+
liar2 l ia2 rr
|
2923 |
+
liar3 l ia3 rr
|
2924 |
+
liar4 l ia4 rr
|
2925 |
+
liar5 l ia5 rr
|
2926 |
+
lianr1 l ian1 rr
|
2927 |
+
lianr2 l ian2 rr
|
2928 |
+
lianr3 l ian3 rr
|
2929 |
+
lianr4 l ian4 rr
|
2930 |
+
lianr5 l ian5 rr
|
2931 |
+
liangr1 l iang1 rr
|
2932 |
+
liangr2 l iang2 rr
|
2933 |
+
liangr3 l iang3 rr
|
2934 |
+
liangr4 l iang4 rr
|
2935 |
+
liangr5 l iang5 rr
|
2936 |
+
liaor1 l iao1 rr
|
2937 |
+
liaor2 l iao2 rr
|
2938 |
+
liaor3 l iao3 rr
|
2939 |
+
liaor4 l iao4 rr
|
2940 |
+
liaor5 l iao5 rr
|
2941 |
+
lier1 l ie1 rr
|
2942 |
+
lier2 l ie2 rr
|
2943 |
+
lier3 l ie3 rr
|
2944 |
+
lier4 l ie4 rr
|
2945 |
+
lier5 l ie5 rr
|
2946 |
+
linr1 l in1 rr
|
2947 |
+
linr2 l in2 rr
|
2948 |
+
linr3 l in3 rr
|
2949 |
+
linr4 l in4 rr
|
2950 |
+
linr5 l in5 rr
|
2951 |
+
lingr1 l ing1 rr
|
2952 |
+
lingr2 l ing2 rr
|
2953 |
+
lingr3 l ing3 rr
|
2954 |
+
lingr4 l ing4 rr
|
2955 |
+
lingr5 l ing5 rr
|
2956 |
+
liur1 l iou1 rr
|
2957 |
+
liur2 l iou2 rr
|
2958 |
+
liur3 l iou3 rr
|
2959 |
+
liur4 l iou4 rr
|
2960 |
+
liur5 l iou5 rr
|
2961 |
+
lor1 l o1 rr
|
2962 |
+
lor2 l o2 rr
|
2963 |
+
lor3 l o3 rr
|
2964 |
+
lor4 l o4 rr
|
2965 |
+
lor5 l o5 rr
|
2966 |
+
longr1 l ong1 rr
|
2967 |
+
longr2 l ong2 rr
|
2968 |
+
longr3 l ong3 rr
|
2969 |
+
longr4 l ong4 rr
|
2970 |
+
longr5 l ong5 rr
|
2971 |
+
lour1 l ou1 rr
|
2972 |
+
lour2 l ou2 rr
|
2973 |
+
lour3 l ou3 rr
|
2974 |
+
lour4 l ou4 rr
|
2975 |
+
lour5 l ou5 rr
|
2976 |
+
lur1 l u1 rr
|
2977 |
+
lur2 l u2 rr
|
2978 |
+
lur3 l u3 rr
|
2979 |
+
lur4 l u4 rr
|
2980 |
+
lur5 l u5 rr
|
2981 |
+
luanr1 l uan1 rr
|
2982 |
+
luanr2 l uan2 rr
|
2983 |
+
luanr3 l uan3 rr
|
2984 |
+
luanr4 l uan4 rr
|
2985 |
+
luanr5 l uan5 rr
|
2986 |
+
luer1 l ve1 rr
|
2987 |
+
luer2 l ve2 rr
|
2988 |
+
luer3 l ve3 rr
|
2989 |
+
luer4 l ve4 rr
|
2990 |
+
luer5 l ve5 rr
|
2991 |
+
lver1 l ve1 rr
|
2992 |
+
lver2 l ve2 rr
|
2993 |
+
lver3 l ve3 rr
|
2994 |
+
lver4 l ve4 rr
|
2995 |
+
lver5 l ve5 rr
|
2996 |
+
lunr1 l uen1 rr
|
2997 |
+
lunr2 l uen2 rr
|
2998 |
+
lunr3 l uen3 rr
|
2999 |
+
lunr4 l uen4 rr
|
3000 |
+
lunr5 l uen5 rr
|
3001 |
+
luor1 l uo1 rr
|
3002 |
+
luor2 l uo2 rr
|
3003 |
+
luor3 l uo3 rr
|
3004 |
+
luor4 l uo4 rr
|
3005 |
+
luor5 l uo5 rr
|
3006 |
+
lvr1 l v1 rr
|
3007 |
+
lvr2 l v2 rr
|
3008 |
+
lvr3 l v3 rr
|
3009 |
+
lvr4 l v4 rr
|
3010 |
+
lvr5 l v5 rr
|
3011 |
+
mar1 m a1 rr
|
3012 |
+
mar2 m a2 rr
|
3013 |
+
mar3 m a3 rr
|
3014 |
+
mar4 m a4 rr
|
3015 |
+
mar5 m a5 rr
|
3016 |
+
mair1 m ai1 rr
|
3017 |
+
mair2 m ai2 rr
|
3018 |
+
mair3 m ai3 rr
|
3019 |
+
mair4 m ai4 rr
|
3020 |
+
mair5 m ai5 rr
|
3021 |
+
manr1 m an1 rr
|
3022 |
+
manr2 m an2 rr
|
3023 |
+
manr3 m an3 rr
|
3024 |
+
manr4 m an4 rr
|
3025 |
+
manr5 m an5 rr
|
3026 |
+
mangr1 m ang1 rr
|
3027 |
+
mangr2 m ang2 rr
|
3028 |
+
mangr3 m ang3 rr
|
3029 |
+
mangr4 m ang4 rr
|
3030 |
+
mangr5 m ang5 rr
|
3031 |
+
maor1 m ao1 rr
|
3032 |
+
maor2 m ao2 rr
|
3033 |
+
maor3 m ao3 rr
|
3034 |
+
maor4 m ao4 rr
|
3035 |
+
maor5 m ao5 rr
|
3036 |
+
mer1 m e1 rr
|
3037 |
+
mer2 m e2 rr
|
3038 |
+
mer3 m e3 rr
|
3039 |
+
mer4 m e4 rr
|
3040 |
+
mer5 m e5 rr
|
3041 |
+
meir1 m ei1 rr
|
3042 |
+
meir2 m ei2 rr
|
3043 |
+
meir3 m ei3 rr
|
3044 |
+
meir4 m ei4 rr
|
3045 |
+
meir5 m ei5 rr
|
3046 |
+
menr1 m en1 rr
|
3047 |
+
menr2 m en2 rr
|
3048 |
+
menr3 m en3 rr
|
3049 |
+
menr4 m en4 rr
|
3050 |
+
menr5 m en5 rr
|
3051 |
+
mengr1 m eng1 rr
|
3052 |
+
mengr2 m eng2 rr
|
3053 |
+
mengr3 m eng3 rr
|
3054 |
+
mengr4 m eng4 rr
|
3055 |
+
mengr5 m eng5 rr
|
3056 |
+
mir1 m i1 rr
|
3057 |
+
mir2 m i2 rr
|
3058 |
+
mir3 m i3 rr
|
3059 |
+
mir4 m i4 rr
|
3060 |
+
mir5 m i5 rr
|
3061 |
+
mianr1 m ian1 rr
|
3062 |
+
mianr2 m ian2 rr
|
3063 |
+
mianr3 m ian3 rr
|
3064 |
+
mianr4 m ian4 rr
|
3065 |
+
mianr5 m ian5 rr
|
3066 |
+
miaor1 m iao1 rr
|
3067 |
+
miaor2 m iao2 rr
|
3068 |
+
miaor3 m iao3 rr
|
3069 |
+
miaor4 m iao4 rr
|
3070 |
+
miaor5 m iao5 rr
|
3071 |
+
mier1 m ie1 rr
|
3072 |
+
mier2 m ie2 rr
|
3073 |
+
mier3 m ie3 rr
|
3074 |
+
mier4 m ie4 rr
|
3075 |
+
mier5 m ie5 rr
|
3076 |
+
minr1 m in1 rr
|
3077 |
+
minr2 m in2 rr
|
3078 |
+
minr3 m in3 rr
|
3079 |
+
minr4 m in4 rr
|
3080 |
+
minr5 m in5 rr
|
3081 |
+
mingr1 m ing1 rr
|
3082 |
+
mingr2 m ing2 rr
|
3083 |
+
mingr3 m ing3 rr
|
3084 |
+
mingr4 m ing4 rr
|
3085 |
+
mingr5 m ing5 rr
|
3086 |
+
miur1 m iou1 rr
|
3087 |
+
miur2 m iou2 rr
|
3088 |
+
miur3 m iou3 rr
|
3089 |
+
miur4 m iou4 rr
|
3090 |
+
miur5 m iou5 rr
|
3091 |
+
mor1 m o1 rr
|
3092 |
+
mor2 m o2 rr
|
3093 |
+
mor3 m o3 rr
|
3094 |
+
mor4 m o4 rr
|
3095 |
+
mor5 m o5 rr
|
3096 |
+
mour1 m ou1 rr
|
3097 |
+
mour2 m ou2 rr
|
3098 |
+
mour3 m ou3 rr
|
3099 |
+
mour4 m ou4 rr
|
3100 |
+
mour5 m ou5 rr
|
3101 |
+
mur1 m u1 rr
|
3102 |
+
mur2 m u2 rr
|
3103 |
+
mur3 m u3 rr
|
3104 |
+
mur4 m u4 rr
|
3105 |
+
mur5 m u5 rr
|
3106 |
+
nar1 n a1 rr
|
3107 |
+
nar2 n a2 rr
|
3108 |
+
nar3 n a3 rr
|
3109 |
+
nar4 n a4 rr
|
3110 |
+
nar5 n a5 rr
|
3111 |
+
nair1 n ai1 rr
|
3112 |
+
nair2 n ai2 rr
|
3113 |
+
nair3 n ai3 rr
|
3114 |
+
nair4 n ai4 rr
|
3115 |
+
nair5 n ai5 rr
|
3116 |
+
nanr1 n an1 rr
|
3117 |
+
nanr2 n an2 rr
|
3118 |
+
nanr3 n an3 rr
|
3119 |
+
nanr4 n an4 rr
|
3120 |
+
nanr5 n an5 rr
|
3121 |
+
nangr1 n ang1 rr
|
3122 |
+
nangr2 n ang2 rr
|
3123 |
+
nangr3 n ang3 rr
|
3124 |
+
nangr4 n ang4 rr
|
3125 |
+
nangr5 n ang5 rr
|
3126 |
+
naor1 n ao1 rr
|
3127 |
+
naor2 n ao2 rr
|
3128 |
+
naor3 n ao3 rr
|
3129 |
+
naor4 n ao4 rr
|
3130 |
+
naor5 n ao5 rr
|
3131 |
+
ner1 n e1 rr
|
3132 |
+
ner2 n e2 rr
|
3133 |
+
ner3 n e3 rr
|
3134 |
+
ner4 n e4 rr
|
3135 |
+
ner5 n e5 rr
|
3136 |
+
neir1 n ei1 rr
|
3137 |
+
neir2 n ei2 rr
|
3138 |
+
neir3 n ei3 rr
|
3139 |
+
neir4 n ei4 rr
|
3140 |
+
neir5 n ei5 rr
|
3141 |
+
nenr1 n en1 rr
|
3142 |
+
nenr2 n en2 rr
|
3143 |
+
nenr3 n en3 rr
|
3144 |
+
nenr4 n en4 rr
|
3145 |
+
nenr5 n en5 rr
|
3146 |
+
nengr1 n eng1 rr
|
3147 |
+
nengr2 n eng2 rr
|
3148 |
+
nengr3 n eng3 rr
|
3149 |
+
nengr4 n eng4 rr
|
3150 |
+
nengr5 n eng5 rr
|
3151 |
+
nir1 n i1 rr
|
3152 |
+
nir2 n i2 rr
|
3153 |
+
nir3 n i3 rr
|
3154 |
+
nir4 n i4 rr
|
3155 |
+
nir5 n i5 rr
|
3156 |
+
nianr1 n ian1 rr
|
3157 |
+
nianr2 n ian2 rr
|
3158 |
+
nianr3 n ian3 rr
|
3159 |
+
nianr4 n ian4 rr
|
3160 |
+
nianr5 n ian5 rr
|
3161 |
+
niangr1 n iang1 rr
|
3162 |
+
niangr2 n iang2 rr
|
3163 |
+
niangr3 n iang3 rr
|
3164 |
+
niangr4 n iang4 rr
|
3165 |
+
niangr5 n iang5 rr
|
3166 |
+
niaor1 n iao1 rr
|
3167 |
+
niaor2 n iao2 rr
|
3168 |
+
niaor3 n iao3 rr
|
3169 |
+
niaor4 n iao4 rr
|
3170 |
+
niaor5 n iao5 rr
|
3171 |
+
nier1 n ie1 rr
|
3172 |
+
nier2 n ie2 rr
|
3173 |
+
nier3 n ie3 rr
|
3174 |
+
nier4 n ie4 rr
|
3175 |
+
nier5 n ie5 rr
|
3176 |
+
ninr1 n in1 rr
|
3177 |
+
ninr2 n in2 rr
|
3178 |
+
ninr3 n in3 rr
|
3179 |
+
ninr4 n in4 rr
|
3180 |
+
ninr5 n in5 rr
|
3181 |
+
ningr1 n ing1 rr
|
3182 |
+
ningr2 n ing2 rr
|
3183 |
+
ningr3 n ing3 rr
|
3184 |
+
ningr4 n ing4 rr
|
3185 |
+
ningr5 n ing5 rr
|
3186 |
+
niur1 n iou1 rr
|
3187 |
+
niur2 n iou2 rr
|
3188 |
+
niur3 n iou3 rr
|
3189 |
+
niur4 n iou4 rr
|
3190 |
+
niur5 n iou5 rr
|
3191 |
+
nongr1 n ong1 rr
|
3192 |
+
nongr2 n ong2 rr
|
3193 |
+
nongr3 n ong3 rr
|
3194 |
+
nongr4 n ong4 rr
|
3195 |
+
nongr5 n ong5 rr
|
3196 |
+
nour1 n ou1 rr
|
3197 |
+
nour2 n ou2 rr
|
3198 |
+
nour3 n ou3 rr
|
3199 |
+
nour4 n ou4 rr
|
3200 |
+
nour5 n ou5 rr
|
3201 |
+
nur1 n u1 rr
|
3202 |
+
nur2 n u2 rr
|
3203 |
+
nur3 n u3 rr
|
3204 |
+
nur4 n u4 rr
|
3205 |
+
nur5 n u5 rr
|
3206 |
+
nuanr1 n uan1 rr
|
3207 |
+
nuanr2 n uan2 rr
|
3208 |
+
nuanr3 n uan3 rr
|
3209 |
+
nuanr4 n uan4 rr
|
3210 |
+
nuanr5 n uan5 rr
|
3211 |
+
nuer1 n ve1 rr
|
3212 |
+
nuer2 n ve2 rr
|
3213 |
+
nuer3 n ve3 rr
|
3214 |
+
nuer4 n ve4 rr
|
3215 |
+
nuer5 n ve5 rr
|
3216 |
+
nver1 n ve1 rr
|
3217 |
+
nver2 n ve2 rr
|
3218 |
+
nver3 n ve3 rr
|
3219 |
+
nver4 n ve4 rr
|
3220 |
+
nver5 n ve5 rr
|
3221 |
+
nuor1 n uo1 rr
|
3222 |
+
nuor2 n uo2 rr
|
3223 |
+
nuor3 n uo3 rr
|
3224 |
+
nuor4 n uo4 rr
|
3225 |
+
nuor5 n uo5 rr
|
3226 |
+
nvr1 n v1 rr
|
3227 |
+
nvr2 n v2 rr
|
3228 |
+
nvr3 n v3 rr
|
3229 |
+
nvr4 n v4 rr
|
3230 |
+
nvr5 n v5 rr
|
3231 |
+
or1 o1 rr
|
3232 |
+
or2 o2 rr
|
3233 |
+
or3 o3 rr
|
3234 |
+
or4 o4 rr
|
3235 |
+
or5 o5 rr
|
3236 |
+
our1 ou1 rr
|
3237 |
+
our2 ou2 rr
|
3238 |
+
our3 ou3 rr
|
3239 |
+
our4 ou4 rr
|
3240 |
+
our5 ou5 rr
|
3241 |
+
par1 p a1 rr
|
3242 |
+
par2 p a2 rr
|
3243 |
+
par3 p a3 rr
|
3244 |
+
par4 p a4 rr
|
3245 |
+
par5 p a5 rr
|
3246 |
+
pair1 p ai1 rr
|
3247 |
+
pair2 p ai2 rr
|
3248 |
+
pair3 p ai3 rr
|
3249 |
+
pair4 p ai4 rr
|
3250 |
+
pair5 p ai5 rr
|
3251 |
+
panr1 p an1 rr
|
3252 |
+
panr2 p an2 rr
|
3253 |
+
panr3 p an3 rr
|
3254 |
+
panr4 p an4 rr
|
3255 |
+
panr5 p an5 rr
|
3256 |
+
pangr1 p ang1 rr
|
3257 |
+
pangr2 p ang2 rr
|
3258 |
+
pangr3 p ang3 rr
|
3259 |
+
pangr4 p ang4 rr
|
3260 |
+
pangr5 p ang5 rr
|
3261 |
+
paor1 p ao1 rr
|
3262 |
+
paor2 p ao2 rr
|
3263 |
+
paor3 p ao3 rr
|
3264 |
+
paor4 p ao4 rr
|
3265 |
+
paor5 p ao5 rr
|
3266 |
+
peir1 p ei1 rr
|
3267 |
+
peir2 p ei2 rr
|
3268 |
+
peir3 p ei3 rr
|
3269 |
+
peir4 p ei4 rr
|
3270 |
+
peir5 p ei5 rr
|
3271 |
+
penr1 p en1 rr
|
3272 |
+
penr2 p en2 rr
|
3273 |
+
penr3 p en3 rr
|
3274 |
+
penr4 p en4 rr
|
3275 |
+
penr5 p en5 rr
|
3276 |
+
pengr1 p eng1 rr
|
3277 |
+
pengr2 p eng2 rr
|
3278 |
+
pengr3 p eng3 rr
|
3279 |
+
pengr4 p eng4 rr
|
3280 |
+
pengr5 p eng5 rr
|
3281 |
+
pir1 p i1 rr
|
3282 |
+
pir2 p i2 rr
|
3283 |
+
pir3 p i3 rr
|
3284 |
+
pir4 p i4 rr
|
3285 |
+
pir5 p i5 rr
|
3286 |
+
pianr1 p ian1 rr
|
3287 |
+
pianr2 p ian2 rr
|
3288 |
+
pianr3 p ian3 rr
|
3289 |
+
pianr4 p ian4 rr
|
3290 |
+
pianr5 p ian5 rr
|
3291 |
+
piaor1 p iao1 rr
|
3292 |
+
piaor2 p iao2 rr
|
3293 |
+
piaor3 p iao3 rr
|
3294 |
+
piaor4 p iao4 rr
|
3295 |
+
piaor5 p iao5 rr
|
3296 |
+
pier1 p ie1 rr
|
3297 |
+
pier2 p ie2 rr
|
3298 |
+
pier3 p ie3 rr
|
3299 |
+
pier4 p ie4 rr
|
3300 |
+
pier5 p ie5 rr
|
3301 |
+
pinr1 p in1 rr
|
3302 |
+
pinr2 p in2 rr
|
3303 |
+
pinr3 p in3 rr
|
3304 |
+
pinr4 p in4 rr
|
3305 |
+
pinr5 p in5 rr
|
3306 |
+
pingr1 p ing1 rr
|
3307 |
+
pingr2 p ing2 rr
|
3308 |
+
pingr3 p ing3 rr
|
3309 |
+
pingr4 p ing4 rr
|
3310 |
+
pingr5 p ing5 rr
|
3311 |
+
por1 p o1 rr
|
3312 |
+
por2 p o2 rr
|
3313 |
+
por3 p o3 rr
|
3314 |
+
por4 p o4 rr
|
3315 |
+
por5 p o5 rr
|
3316 |
+
pour1 p ou1 rr
|
3317 |
+
pour2 p ou2 rr
|
3318 |
+
pour3 p ou3 rr
|
3319 |
+
pour4 p ou4 rr
|
3320 |
+
pour5 p ou5 rr
|
3321 |
+
pur1 p u1 rr
|
3322 |
+
pur2 p u2 rr
|
3323 |
+
pur3 p u3 rr
|
3324 |
+
pur4 p u4 rr
|
3325 |
+
pur5 p u5 rr
|
3326 |
+
qir1 q i1 rr
|
3327 |
+
qir2 q i2 rr
|
3328 |
+
qir3 q i3 rr
|
3329 |
+
qir4 q i4 rr
|
3330 |
+
qir5 q i5 rr
|
3331 |
+
qiar1 q ia1 rr
|
3332 |
+
qiar2 q ia2 rr
|
3333 |
+
qiar3 q ia3 rr
|
3334 |
+
qiar4 q ia4 rr
|
3335 |
+
qiar5 q ia5 rr
|
3336 |
+
qianr1 q ian1 rr
|
3337 |
+
qianr2 q ian2 rr
|
3338 |
+
qianr3 q ian3 rr
|
3339 |
+
qianr4 q ian4 rr
|
3340 |
+
qianr5 q ian5 rr
|
3341 |
+
qiangr1 q iang1 rr
|
3342 |
+
qiangr2 q iang2 rr
|
3343 |
+
qiangr3 q iang3 rr
|
3344 |
+
qiangr4 q iang4 rr
|
3345 |
+
qiangr5 q iang5 rr
|
3346 |
+
qiaor1 q iao1 rr
|
3347 |
+
qiaor2 q iao2 rr
|
3348 |
+
qiaor3 q iao3 rr
|
3349 |
+
qiaor4 q iao4 rr
|
3350 |
+
qiaor5 q iao5 rr
|
3351 |
+
qier1 q ie1 rr
|
3352 |
+
qier2 q ie2 rr
|
3353 |
+
qier3 q ie3 rr
|
3354 |
+
qier4 q ie4 rr
|
3355 |
+
qier5 q ie5 rr
|
3356 |
+
qinr1 q in1 rr
|
3357 |
+
qinr2 q in2 rr
|
3358 |
+
qinr3 q in3 rr
|
3359 |
+
qinr4 q in4 rr
|
3360 |
+
qinr5 q in5 rr
|
3361 |
+
qingr1 q ing1 rr
|
3362 |
+
qingr2 q ing2 rr
|
3363 |
+
qingr3 q ing3 rr
|
3364 |
+
qingr4 q ing4 rr
|
3365 |
+
qingr5 q ing5 rr
|
3366 |
+
qiongr1 q iong1 rr
|
3367 |
+
qiongr2 q iong2 rr
|
3368 |
+
qiongr3 q iong3 rr
|
3369 |
+
qiongr4 q iong4 rr
|
3370 |
+
qiongr5 q iong5 rr
|
3371 |
+
qiur1 q iou1 rr
|
3372 |
+
qiur2 q iou2 rr
|
3373 |
+
qiur3 q iou3 rr
|
3374 |
+
qiur4 q iou4 rr
|
3375 |
+
qiur5 q iou5 rr
|
3376 |
+
qur1 q v1 rr
|
3377 |
+
qur2 q v2 rr
|
3378 |
+
qur3 q v3 rr
|
3379 |
+
qur4 q v4 rr
|
3380 |
+
qur5 q v5 rr
|
3381 |
+
quanr1 q van1 rr
|
3382 |
+
quanr2 q van2 rr
|
3383 |
+
quanr3 q van3 rr
|
3384 |
+
quanr4 q van4 rr
|
3385 |
+
quanr5 q van5 rr
|
3386 |
+
quer1 q ve1 rr
|
3387 |
+
quer2 q ve2 rr
|
3388 |
+
quer3 q ve3 rr
|
3389 |
+
quer4 q ve4 rr
|
3390 |
+
quer5 q ve5 rr
|
3391 |
+
qunr1 q vn1 rr
|
3392 |
+
qunr2 q vn2 rr
|
3393 |
+
qunr3 q vn3 rr
|
3394 |
+
qunr4 q vn4 rr
|
3395 |
+
qunr5 q vn5 rr
|
3396 |
+
ranr1 r an1 rr
|
3397 |
+
ranr2 r an2 rr
|
3398 |
+
ranr3 r an3 rr
|
3399 |
+
ranr4 r an4 rr
|
3400 |
+
ranr5 r an5 rr
|
3401 |
+
rangr1 r ang1 rr
|
3402 |
+
rangr2 r ang2 rr
|
3403 |
+
rangr3 r ang3 rr
|
3404 |
+
rangr4 r ang4 rr
|
3405 |
+
rangr5 r ang5 rr
|
3406 |
+
raor1 r ao1 rr
|
3407 |
+
raor2 r ao2 rr
|
3408 |
+
raor3 r ao3 rr
|
3409 |
+
raor4 r ao4 rr
|
3410 |
+
raor5 r ao5 rr
|
3411 |
+
rer1 r e1 rr
|
3412 |
+
rer2 r e2 rr
|
3413 |
+
rer3 r e3 rr
|
3414 |
+
rer4 r e4 rr
|
3415 |
+
rer5 r e5 rr
|
3416 |
+
renr1 r en1 rr
|
3417 |
+
renr2 r en2 rr
|
3418 |
+
renr3 r en3 rr
|
3419 |
+
renr4 r en4 rr
|
3420 |
+
renr5 r en5 rr
|
3421 |
+
rengr1 r eng1 rr
|
3422 |
+
rengr2 r eng2 rr
|
3423 |
+
rengr3 r eng3 rr
|
3424 |
+
rengr4 r eng4 rr
|
3425 |
+
rengr5 r eng5 rr
|
3426 |
+
rir1 r iii1 rr
|
3427 |
+
rir2 r iii2 rr
|
3428 |
+
rir3 r iii3 rr
|
3429 |
+
rir4 r iii4 rr
|
3430 |
+
rir5 r iii5 rr
|
3431 |
+
rongr1 r ong1 rr
|
3432 |
+
rongr2 r ong2 rr
|
3433 |
+
rongr3 r ong3 rr
|
3434 |
+
rongr4 r ong4 rr
|
3435 |
+
rongr5 r ong5 rr
|
3436 |
+
rour1 r ou1 rr
|
3437 |
+
rour2 r ou2 rr
|
3438 |
+
rour3 r ou3 rr
|
3439 |
+
rour4 r ou4 rr
|
3440 |
+
rour5 r ou5 rr
|
3441 |
+
rur1 r u1 rr
|
3442 |
+
rur2 r u2 rr
|
3443 |
+
rur3 r u3 rr
|
3444 |
+
rur4 r u4 rr
|
3445 |
+
rur5 r u5 rr
|
3446 |
+
ruar1 r ua1 rr
|
3447 |
+
ruar2 r ua2 rr
|
3448 |
+
ruar3 r ua3 rr
|
3449 |
+
ruar4 r ua4 rr
|
3450 |
+
ruar5 r ua5 rr
|
3451 |
+
ruanr1 r uan1 rr
|
3452 |
+
ruanr2 r uan2 rr
|
3453 |
+
ruanr3 r uan3 rr
|
3454 |
+
ruanr4 r uan4 rr
|
3455 |
+
ruanr5 r uan5 rr
|
3456 |
+
ruir1 r uei1 rr
|
3457 |
+
ruir2 r uei2 rr
|
3458 |
+
ruir3 r uei3 rr
|
3459 |
+
ruir4 r uei4 rr
|
3460 |
+
ruir5 r uei5 rr
|
3461 |
+
runr1 r uen1 rr
|
3462 |
+
runr2 r uen2 rr
|
3463 |
+
runr3 r uen3 rr
|
3464 |
+
runr4 r uen4 rr
|
3465 |
+
runr5 r uen5 rr
|
3466 |
+
ruor1 r uo1 rr
|
3467 |
+
ruor2 r uo2 rr
|
3468 |
+
ruor3 r uo3 rr
|
3469 |
+
ruor4 r uo4 rr
|
3470 |
+
ruor5 r uo5 rr
|
3471 |
+
sar1 s a1 rr
|
3472 |
+
sar2 s a2 rr
|
3473 |
+
sar3 s a3 rr
|
3474 |
+
sar4 s a4 rr
|
3475 |
+
sar5 s a5 rr
|
3476 |
+
sair1 s ai1 rr
|
3477 |
+
sair2 s ai2 rr
|
3478 |
+
sair3 s ai3 rr
|
3479 |
+
sair4 s ai4 rr
|
3480 |
+
sair5 s ai5 rr
|
3481 |
+
sanr1 s an1 rr
|
3482 |
+
sanr2 s an2 rr
|
3483 |
+
sanr3 s an3 rr
|
3484 |
+
sanr4 s an4 rr
|
3485 |
+
sanr5 s an5 rr
|
3486 |
+
sangr1 s ang1 rr
|
3487 |
+
sangr2 s ang2 rr
|
3488 |
+
sangr3 s ang3 rr
|
3489 |
+
sangr4 s ang4 rr
|
3490 |
+
sangr5 s ang5 rr
|
3491 |
+
saor1 s ao1 rr
|
3492 |
+
saor2 s ao2 rr
|
3493 |
+
saor3 s ao3 rr
|
3494 |
+
saor4 s ao4 rr
|
3495 |
+
saor5 s ao5 rr
|
3496 |
+
ser1 s e1 rr
|
3497 |
+
ser2 s e2 rr
|
3498 |
+
ser3 s e3 rr
|
3499 |
+
ser4 s e4 rr
|
3500 |
+
ser5 s e5 rr
|
3501 |
+
senr1 s en1 rr
|
3502 |
+
senr2 s en2 rr
|
3503 |
+
senr3 s en3 rr
|
3504 |
+
senr4 s en4 rr
|
3505 |
+
senr5 s en5 rr
|
3506 |
+
sengr1 s eng1 rr
|
3507 |
+
sengr2 s eng2 rr
|
3508 |
+
sengr3 s eng3 rr
|
3509 |
+
sengr4 s eng4 rr
|
3510 |
+
sengr5 s eng5 rr
|
3511 |
+
shar1 sh a1 rr
|
3512 |
+
shar2 sh a2 rr
|
3513 |
+
shar3 sh a3 rr
|
3514 |
+
shar4 sh a4 rr
|
3515 |
+
shar5 sh a5 rr
|
3516 |
+
shair1 sh ai1 rr
|
3517 |
+
shair2 sh ai2 rr
|
3518 |
+
shair3 sh ai3 rr
|
3519 |
+
shair4 sh ai4 rr
|
3520 |
+
shair5 sh ai5 rr
|
3521 |
+
shanr1 sh an1 rr
|
3522 |
+
shanr2 sh an2 rr
|
3523 |
+
shanr3 sh an3 rr
|
3524 |
+
shanr4 sh an4 rr
|
3525 |
+
shanr5 sh an5 rr
|
3526 |
+
shangr1 sh ang1 rr
|
3527 |
+
shangr2 sh ang2 rr
|
3528 |
+
shangr3 sh ang3 rr
|
3529 |
+
shangr4 sh ang4 rr
|
3530 |
+
shangr5 sh ang5 rr
|
3531 |
+
shaor1 sh ao1 rr
|
3532 |
+
shaor2 sh ao2 rr
|
3533 |
+
shaor3 sh ao3 rr
|
3534 |
+
shaor4 sh ao4 rr
|
3535 |
+
shaor5 sh ao5 rr
|
3536 |
+
sher1 sh e1 rr
|
3537 |
+
sher2 sh e2 rr
|
3538 |
+
sher3 sh e3 rr
|
3539 |
+
sher4 sh e4 rr
|
3540 |
+
sher5 sh e5 rr
|
3541 |
+
sheir1 sh ei1 rr
|
3542 |
+
sheir2 sh ei2 rr
|
3543 |
+
sheir3 sh ei3 rr
|
3544 |
+
sheir4 sh ei4 rr
|
3545 |
+
sheir5 sh ei5 rr
|
3546 |
+
shenr1 sh en1 rr
|
3547 |
+
shenr2 sh en2 rr
|
3548 |
+
shenr3 sh en3 rr
|
3549 |
+
shenr4 sh en4 rr
|
3550 |
+
shenr5 sh en5 rr
|
3551 |
+
shengr1 sh eng1 rr
|
3552 |
+
shengr2 sh eng2 rr
|
3553 |
+
shengr3 sh eng3 rr
|
3554 |
+
shengr4 sh eng4 rr
|
3555 |
+
shengr5 sh eng5 rr
|
3556 |
+
shir1 sh iii1 rr
|
3557 |
+
shir2 sh iii2 rr
|
3558 |
+
shir3 sh iii3 rr
|
3559 |
+
shir4 sh iii4 rr
|
3560 |
+
shir5 sh iii5 rr
|
3561 |
+
shour1 sh ou1 rr
|
3562 |
+
shour2 sh ou2 rr
|
3563 |
+
shour3 sh ou3 rr
|
3564 |
+
shour4 sh ou4 rr
|
3565 |
+
shour5 sh ou5 rr
|
3566 |
+
shur1 sh u1 rr
|
3567 |
+
shur2 sh u2 rr
|
3568 |
+
shur3 sh u3 rr
|
3569 |
+
shur4 sh u4 rr
|
3570 |
+
shur5 sh u5 rr
|
3571 |
+
shuar1 sh ua1 rr
|
3572 |
+
shuar2 sh ua2 rr
|
3573 |
+
shuar3 sh ua3 rr
|
3574 |
+
shuar4 sh ua4 rr
|
3575 |
+
shuar5 sh ua5 rr
|
3576 |
+
shuair1 sh uai1 rr
|
3577 |
+
shuair2 sh uai2 rr
|
3578 |
+
shuair3 sh uai3 rr
|
3579 |
+
shuair4 sh uai4 rr
|
3580 |
+
shuair5 sh uai5 rr
|
3581 |
+
shuanr1 sh uan1 rr
|
3582 |
+
shuanr2 sh uan2 rr
|
3583 |
+
shuanr3 sh uan3 rr
|
3584 |
+
shuanr4 sh uan4 rr
|
3585 |
+
shuanr5 sh uan5 rr
|
3586 |
+
shuangr1 sh uang1 rr
|
3587 |
+
shuangr2 sh uang2 rr
|
3588 |
+
shuangr3 sh uang3 rr
|
3589 |
+
shuangr4 sh uang4 rr
|
3590 |
+
shuangr5 sh uang5 rr
|
3591 |
+
shuir1 sh uei1 rr
|
3592 |
+
shuir2 sh uei2 rr
|
3593 |
+
shuir3 sh uei3 rr
|
3594 |
+
shuir4 sh uei4 rr
|
3595 |
+
shuir5 sh uei5 rr
|
3596 |
+
shunr1 sh uen1 rr
|
3597 |
+
shunr2 sh uen2 rr
|
3598 |
+
shunr3 sh uen3 rr
|
3599 |
+
shunr4 sh uen4 rr
|
3600 |
+
shunr5 sh uen5 rr
|
3601 |
+
shuor1 sh uo1 rr
|
3602 |
+
shuor2 sh uo2 rr
|
3603 |
+
shuor3 sh uo3 rr
|
3604 |
+
shuor4 sh uo4 rr
|
3605 |
+
shuor5 sh uo5 rr
|
3606 |
+
sir1 s ii1 rr
|
3607 |
+
sir2 s ii2 rr
|
3608 |
+
sir3 s ii3 rr
|
3609 |
+
sir4 s ii4 rr
|
3610 |
+
sir5 s ii5 rr
|
3611 |
+
songr1 s ong1 rr
|
3612 |
+
songr2 s ong2 rr
|
3613 |
+
songr3 s ong3 rr
|
3614 |
+
songr4 s ong4 rr
|
3615 |
+
songr5 s ong5 rr
|
3616 |
+
sour1 s ou1 rr
|
3617 |
+
sour2 s ou2 rr
|
3618 |
+
sour3 s ou3 rr
|
3619 |
+
sour4 s ou4 rr
|
3620 |
+
sour5 s ou5 rr
|
3621 |
+
sur1 s u1 rr
|
3622 |
+
sur2 s u2 rr
|
3623 |
+
sur3 s u3 rr
|
3624 |
+
sur4 s u4 rr
|
3625 |
+
sur5 s u5 rr
|
3626 |
+
suanr1 s uan1 rr
|
3627 |
+
suanr2 s uan2 rr
|
3628 |
+
suanr3 s uan3 rr
|
3629 |
+
suanr4 s uan4 rr
|
3630 |
+
suanr5 s uan5 rr
|
3631 |
+
suir1 s uei1 rr
|
3632 |
+
suir2 s uei2 rr
|
3633 |
+
suir3 s uei3 rr
|
3634 |
+
suir4 s uei4 rr
|
3635 |
+
suir5 s uei5 rr
|
3636 |
+
sunr1 s uen1 rr
|
3637 |
+
sunr2 s uen2 rr
|
3638 |
+
sunr3 s uen3 rr
|
3639 |
+
sunr4 s uen4 rr
|
3640 |
+
sunr5 s uen5 rr
|
3641 |
+
suor1 s uo1 rr
|
3642 |
+
suor2 s uo2 rr
|
3643 |
+
suor3 s uo3 rr
|
3644 |
+
suor4 s uo4 rr
|
3645 |
+
suor5 s uo5 rr
|
3646 |
+
tar1 t a1 rr
|
3647 |
+
tar2 t a2 rr
|
3648 |
+
tar3 t a3 rr
|
3649 |
+
tar4 t a4 rr
|
3650 |
+
tar5 t a5 rr
|
3651 |
+
tair1 t ai1 rr
|
3652 |
+
tair2 t ai2 rr
|
3653 |
+
tair3 t ai3 rr
|
3654 |
+
tair4 t ai4 rr
|
3655 |
+
tair5 t ai5 rr
|
3656 |
+
tanr1 t an1 rr
|
3657 |
+
tanr2 t an2 rr
|
3658 |
+
tanr3 t an3 rr
|
3659 |
+
tanr4 t an4 rr
|
3660 |
+
tanr5 t an5 rr
|
3661 |
+
tangr1 t ang1 rr
|
3662 |
+
tangr2 t ang2 rr
|
3663 |
+
tangr3 t ang3 rr
|
3664 |
+
tangr4 t ang4 rr
|
3665 |
+
tangr5 t ang5 rr
|
3666 |
+
taor1 t ao1 rr
|
3667 |
+
taor2 t ao2 rr
|
3668 |
+
taor3 t ao3 rr
|
3669 |
+
taor4 t ao4 rr
|
3670 |
+
taor5 t ao5 rr
|
3671 |
+
ter1 t e1 rr
|
3672 |
+
ter2 t e2 rr
|
3673 |
+
ter3 t e3 rr
|
3674 |
+
ter4 t e4 rr
|
3675 |
+
ter5 t e5 rr
|
3676 |
+
teir1 t ei1 rr
|
3677 |
+
teir2 t ei2 rr
|
3678 |
+
teir3 t ei3 rr
|
3679 |
+
teir4 t ei4 rr
|
3680 |
+
teir5 t ei5 rr
|
3681 |
+
tengr1 t eng1 rr
|
3682 |
+
tengr2 t eng2 rr
|
3683 |
+
tengr3 t eng3 rr
|
3684 |
+
tengr4 t eng4 rr
|
3685 |
+
tengr5 t eng5 rr
|
3686 |
+
tir1 t i1 rr
|
3687 |
+
tir2 t i2 rr
|
3688 |
+
tir3 t i3 rr
|
3689 |
+
tir4 t i4 rr
|
3690 |
+
tir5 t i5 rr
|
3691 |
+
tianr1 t ian1 rr
|
3692 |
+
tianr2 t ian2 rr
|
3693 |
+
tianr3 t ian3 rr
|
3694 |
+
tianr4 t ian4 rr
|
3695 |
+
tianr5 t ian5 rr
|
3696 |
+
tiaor1 t iao1 rr
|
3697 |
+
tiaor2 t iao2 rr
|
3698 |
+
tiaor3 t iao3 rr
|
3699 |
+
tiaor4 t iao4 rr
|
3700 |
+
tiaor5 t iao5 rr
|
3701 |
+
tier1 t ie1 rr
|
3702 |
+
tier2 t ie2 rr
|
3703 |
+
tier3 t ie3 rr
|
3704 |
+
tier4 t ie4 rr
|
3705 |
+
tier5 t ie5 rr
|
3706 |
+
tingr1 t ing1 rr
|
3707 |
+
tingr2 t ing2 rr
|
3708 |
+
tingr3 t ing3 rr
|
3709 |
+
tingr4 t ing4 rr
|
3710 |
+
tingr5 t ing5 rr
|
3711 |
+
tongr1 t ong1 rr
|
3712 |
+
tongr2 t ong2 rr
|
3713 |
+
tongr3 t ong3 rr
|
3714 |
+
tongr4 t ong4 rr
|
3715 |
+
tongr5 t ong5 rr
|
3716 |
+
tour1 t ou1 rr
|
3717 |
+
tour2 t ou2 rr
|
3718 |
+
tour3 t ou3 rr
|
3719 |
+
tour4 t ou4 rr
|
3720 |
+
tour5 t ou5 rr
|
3721 |
+
tur1 t u1 rr
|
3722 |
+
tur2 t u2 rr
|
3723 |
+
tur3 t u3 rr
|
3724 |
+
tur4 t u4 rr
|
3725 |
+
tur5 t u5 rr
|
3726 |
+
tuanr1 t uan1 rr
|
3727 |
+
tuanr2 t uan2 rr
|
3728 |
+
tuanr3 t uan3 rr
|
3729 |
+
tuanr4 t uan4 rr
|
3730 |
+
tuanr5 t uan5 rr
|
3731 |
+
tuir1 t uei1 rr
|
3732 |
+
tuir2 t uei2 rr
|
3733 |
+
tuir3 t uei3 rr
|
3734 |
+
tuir4 t uei4 rr
|
3735 |
+
tuir5 t uei5 rr
|
3736 |
+
tunr1 t uen1 rr
|
3737 |
+
tunr2 t uen2 rr
|
3738 |
+
tunr3 t uen3 rr
|
3739 |
+
tunr4 t uen4 rr
|
3740 |
+
tunr5 t uen5 rr
|
3741 |
+
tuor1 t uo1 rr
|
3742 |
+
tuor2 t uo2 rr
|
3743 |
+
tuor3 t uo3 rr
|
3744 |
+
tuor4 t uo4 rr
|
3745 |
+
tuor5 t uo5 rr
|
3746 |
+
war1 w ua1 rr
|
3747 |
+
war2 w ua2 rr
|
3748 |
+
war3 w ua3 rr
|
3749 |
+
war4 w ua4 rr
|
3750 |
+
war5 w ua5 rr
|
3751 |
+
wair1 w uai1 rr
|
3752 |
+
wair2 w uai2 rr
|
3753 |
+
wair3 w uai3 rr
|
3754 |
+
wair4 w uai4 rr
|
3755 |
+
wair5 w uai5 rr
|
3756 |
+
wanr1 w uan1 rr
|
3757 |
+
wanr2 w uan2 rr
|
3758 |
+
wanr3 w uan3 rr
|
3759 |
+
wanr4 w uan4 rr
|
3760 |
+
wanr5 w uan5 rr
|
3761 |
+
wangr1 w uang1 rr
|
3762 |
+
wangr2 w uang2 rr
|
3763 |
+
wangr3 w uang3 rr
|
3764 |
+
wangr4 w uang4 rr
|
3765 |
+
wangr5 w uang5 rr
|
3766 |
+
weir1 w uei1 rr
|
3767 |
+
weir2 w uei2 rr
|
3768 |
+
weir3 w uei3 rr
|
3769 |
+
weir4 w uei4 rr
|
3770 |
+
weir5 w uei5 rr
|
3771 |
+
wenr1 w uen1 rr
|
3772 |
+
wenr2 w uen2 rr
|
3773 |
+
wenr3 w uen3 rr
|
3774 |
+
wenr4 w uen4 rr
|
3775 |
+
wenr5 w uen5 rr
|
3776 |
+
wengr1 w uen1 rr
|
3777 |
+
wengr2 w uen2 rr
|
3778 |
+
wengr3 w uen3 rr
|
3779 |
+
wengr4 w uen4 rr
|
3780 |
+
wengr5 w uen5 rr
|
3781 |
+
wor1 w uo1 rr
|
3782 |
+
wor2 w uo2 rr
|
3783 |
+
wor3 w uo3 rr
|
3784 |
+
wor4 w uo4 rr
|
3785 |
+
wor5 w uo5 rr
|
3786 |
+
wur1 w u1 rr
|
3787 |
+
wur2 w u2 rr
|
3788 |
+
wur3 w u3 rr
|
3789 |
+
wur4 w u4 rr
|
3790 |
+
wur5 w u5 rr
|
3791 |
+
xir1 x i1 rr
|
3792 |
+
xir2 x i2 rr
|
3793 |
+
xir3 x i3 rr
|
3794 |
+
xir4 x i4 rr
|
3795 |
+
xir5 x i5 rr
|
3796 |
+
xiar1 x ia1 rr
|
3797 |
+
xiar2 x ia2 rr
|
3798 |
+
xiar3 x ia3 rr
|
3799 |
+
xiar4 x ia4 rr
|
3800 |
+
xiar5 x ia5 rr
|
3801 |
+
xianr1 x ian1 rr
|
3802 |
+
xianr2 x ian2 rr
|
3803 |
+
xianr3 x ian3 rr
|
3804 |
+
xianr4 x ian4 rr
|
3805 |
+
xianr5 x ian5 rr
|
3806 |
+
xiangr1 x iang1 rr
|
3807 |
+
xiangr2 x iang2 rr
|
3808 |
+
xiangr3 x iang3 rr
|
3809 |
+
xiangr4 x iang4 rr
|
3810 |
+
xiangr5 x iang5 rr
|
3811 |
+
xiaor1 x iao1 rr
|
3812 |
+
xiaor2 x iao2 rr
|
3813 |
+
xiaor3 x iao3 rr
|
3814 |
+
xiaor4 x iao4 rr
|
3815 |
+
xiaor5 x iao5 rr
|
3816 |
+
xier1 x ie1 rr
|
3817 |
+
xier2 x ie2 rr
|
3818 |
+
xier3 x ie3 rr
|
3819 |
+
xier4 x ie4 rr
|
3820 |
+
xier5 x ie5 rr
|
3821 |
+
xinr1 x in1 rr
|
3822 |
+
xinr2 x in2 rr
|
3823 |
+
xinr3 x in3 rr
|
3824 |
+
xinr4 x in4 rr
|
3825 |
+
xinr5 x in5 rr
|
3826 |
+
xingr1 x ing1 rr
|
3827 |
+
xingr2 x ing2 rr
|
3828 |
+
xingr3 x ing3 rr
|
3829 |
+
xingr4 x ing4 rr
|
3830 |
+
xingr5 x ing5 rr
|
3831 |
+
xiongr1 x iong1 rr
|
3832 |
+
xiongr2 x iong2 rr
|
3833 |
+
xiongr3 x iong3 rr
|
3834 |
+
xiongr4 x iong4 rr
|
3835 |
+
xiongr5 x iong5 rr
|
3836 |
+
xiur1 x iou1 rr
|
3837 |
+
xiur2 x iou2 rr
|
3838 |
+
xiur3 x iou3 rr
|
3839 |
+
xiur4 x iou4 rr
|
3840 |
+
xiur5 x iou5 rr
|
3841 |
+
xur1 x v1 rr
|
3842 |
+
xur2 x v2 rr
|
3843 |
+
xur3 x v3 rr
|
3844 |
+
xur4 x v4 rr
|
3845 |
+
xur5 x v5 rr
|
3846 |
+
xuanr1 x van1 rr
|
3847 |
+
xuanr2 x van2 rr
|
3848 |
+
xuanr3 x van3 rr
|
3849 |
+
xuanr4 x van4 rr
|
3850 |
+
xuanr5 x van5 rr
|
3851 |
+
xuer1 x ve1 rr
|
3852 |
+
xuer2 x ve2 rr
|
3853 |
+
xuer3 x ve3 rr
|
3854 |
+
xuer4 x ve4 rr
|
3855 |
+
xuer5 x ve5 rr
|
3856 |
+
xunr1 x vn1 rr
|
3857 |
+
xunr2 x vn2 rr
|
3858 |
+
xunr3 x vn3 rr
|
3859 |
+
xunr4 x vn4 rr
|
3860 |
+
xunr5 x vn5 rr
|
3861 |
+
yar1 y ia1 rr
|
3862 |
+
yar2 y ia2 rr
|
3863 |
+
yar3 y ia3 rr
|
3864 |
+
yar4 y ia4 rr
|
3865 |
+
yar5 y ia5 rr
|
3866 |
+
yanr1 y ian1 rr
|
3867 |
+
yanr2 y ian2 rr
|
3868 |
+
yanr3 y ian3 rr
|
3869 |
+
yanr4 y ian4 rr
|
3870 |
+
yanr5 y ian5 rr
|
3871 |
+
yangr1 y iang1 rr
|
3872 |
+
yangr2 y iang2 rr
|
3873 |
+
yangr3 y iang3 rr
|
3874 |
+
yangr4 y iang4 rr
|
3875 |
+
yangr5 y iang5 rr
|
3876 |
+
yaor1 y iao1 rr
|
3877 |
+
yaor2 y iao2 rr
|
3878 |
+
yaor3 y iao3 rr
|
3879 |
+
yaor4 y iao4 rr
|
3880 |
+
yaor5 y iao5 rr
|
3881 |
+
yer1 y ie1 rr
|
3882 |
+
yer2 y ie2 rr
|
3883 |
+
yer3 y ie3 rr
|
3884 |
+
yer4 y ie4 rr
|
3885 |
+
yer5 y ie5 rr
|
3886 |
+
yir1 y i1 rr
|
3887 |
+
yir2 y i2 rr
|
3888 |
+
yir3 y i3 rr
|
3889 |
+
yir4 y i4 rr
|
3890 |
+
yir5 y i5 rr
|
3891 |
+
yinr1 y in1 rr
|
3892 |
+
yinr2 y in2 rr
|
3893 |
+
yinr3 y in3 rr
|
3894 |
+
yinr4 y in4 rr
|
3895 |
+
yinr5 y in5 rr
|
3896 |
+
yingr1 y ing1 rr
|
3897 |
+
yingr2 y ing2 rr
|
3898 |
+
yingr3 y ing3 rr
|
3899 |
+
yingr4 y ing4 rr
|
3900 |
+
yingr5 y ing5 rr
|
3901 |
+
yor1 y iou1 rr
|
3902 |
+
yor2 y iou2 rr
|
3903 |
+
yor3 y iou3 rr
|
3904 |
+
yor4 y iou4 rr
|
3905 |
+
yor5 y iou5 rr
|
3906 |
+
yongr1 y iong1 rr
|
3907 |
+
yongr2 y iong2 rr
|
3908 |
+
yongr3 y iong3 rr
|
3909 |
+
yongr4 y iong4 rr
|
3910 |
+
yongr5 y iong5 rr
|
3911 |
+
your1 y iou1 rr
|
3912 |
+
your2 y iou2 rr
|
3913 |
+
your3 y iou3 rr
|
3914 |
+
your4 y iou4 rr
|
3915 |
+
your5 y iou5 rr
|
3916 |
+
yur1 y v1 rr
|
3917 |
+
yur2 y v2 rr
|
3918 |
+
yur3 y v3 rr
|
3919 |
+
yur4 y v4 rr
|
3920 |
+
yur5 y v5 rr
|
3921 |
+
yuanr1 y van1 rr
|
3922 |
+
yuanr2 y van2 rr
|
3923 |
+
yuanr3 y van3 rr
|
3924 |
+
yuanr4 y van4 rr
|
3925 |
+
yuanr5 y van5 rr
|
3926 |
+
yuer1 y ve1 rr
|
3927 |
+
yuer2 y ve2 rr
|
3928 |
+
yuer3 y ve3 rr
|
3929 |
+
yuer4 y ve4 rr
|
3930 |
+
yuer5 y ve5 rr
|
3931 |
+
yunr1 y vn1 rr
|
3932 |
+
yunr2 y vn2 rr
|
3933 |
+
yunr3 y vn3 rr
|
3934 |
+
yunr4 y vn4 rr
|
3935 |
+
yunr5 y vn5 rr
|
3936 |
+
zar1 z a1 rr
|
3937 |
+
zar2 z a2 rr
|
3938 |
+
zar3 z a3 rr
|
3939 |
+
zar4 z a4 rr
|
3940 |
+
zar5 z a5 rr
|
3941 |
+
zair1 z ai1 rr
|
3942 |
+
zair2 z ai2 rr
|
3943 |
+
zair3 z ai3 rr
|
3944 |
+
zair4 z ai4 rr
|
3945 |
+
zair5 z ai5 rr
|
3946 |
+
zanr1 z an1 rr
|
3947 |
+
zanr2 z an2 rr
|
3948 |
+
zanr3 z an3 rr
|
3949 |
+
zanr4 z an4 rr
|
3950 |
+
zanr5 z an5 rr
|
3951 |
+
zangr1 z ang1 rr
|
3952 |
+
zangr2 z ang2 rr
|
3953 |
+
zangr3 z ang3 rr
|
3954 |
+
zangr4 z ang4 rr
|
3955 |
+
zangr5 z ang5 rr
|
3956 |
+
zaor1 z ao1 rr
|
3957 |
+
zaor2 z ao2 rr
|
3958 |
+
zaor3 z ao3 rr
|
3959 |
+
zaor4 z ao4 rr
|
3960 |
+
zaor5 z ao5 rr
|
3961 |
+
zer1 z e1 rr
|
3962 |
+
zer2 z e2 rr
|
3963 |
+
zer3 z e3 rr
|
3964 |
+
zer4 z e4 rr
|
3965 |
+
zer5 z e5 rr
|
3966 |
+
zeir1 z ei1 rr
|
3967 |
+
zeir2 z ei2 rr
|
3968 |
+
zeir3 z ei3 rr
|
3969 |
+
zeir4 z ei4 rr
|
3970 |
+
zeir5 z ei5 rr
|
3971 |
+
zenr1 z en1 rr
|
3972 |
+
zenr2 z en2 rr
|
3973 |
+
zenr3 z en3 rr
|
3974 |
+
zenr4 z en4 rr
|
3975 |
+
zenr5 z en5 rr
|
3976 |
+
zengr1 z eng1 rr
|
3977 |
+
zengr2 z eng2 rr
|
3978 |
+
zengr3 z eng3 rr
|
3979 |
+
zengr4 z eng4 rr
|
3980 |
+
zengr5 z eng5 rr
|
3981 |
+
zhar1 zh a1 rr
|
3982 |
+
zhar2 zh a2 rr
|
3983 |
+
zhar3 zh a3 rr
|
3984 |
+
zhar4 zh a4 rr
|
3985 |
+
zhar5 zh a5 rr
|
3986 |
+
zhair1 zh ai1 rr
|
3987 |
+
zhair2 zh ai2 rr
|
3988 |
+
zhair3 zh ai3 rr
|
3989 |
+
zhair4 zh ai4 rr
|
3990 |
+
zhair5 zh ai5 rr
|
3991 |
+
zhanr1 zh an1 rr
|
3992 |
+
zhanr2 zh an2 rr
|
3993 |
+
zhanr3 zh an3 rr
|
3994 |
+
zhanr4 zh an4 rr
|
3995 |
+
zhanr5 zh an5 rr
|
3996 |
+
zhangr1 zh ang1 rr
|
3997 |
+
zhangr2 zh ang2 rr
|
3998 |
+
zhangr3 zh ang3 rr
|
3999 |
+
zhangr4 zh ang4 rr
|
4000 |
+
zhangr5 zh ang5 rr
|
4001 |
+
zhaor1 zh ao1 rr
|
4002 |
+
zhaor2 zh ao2 rr
|
4003 |
+
zhaor3 zh ao3 rr
|
4004 |
+
zhaor4 zh ao4 rr
|
4005 |
+
zhaor5 zh ao5 rr
|
4006 |
+
zher1 zh e1 rr
|
4007 |
+
zher2 zh e2 rr
|
4008 |
+
zher3 zh e3 rr
|
4009 |
+
zher4 zh e4 rr
|
4010 |
+
zher5 zh e5 rr
|
4011 |
+
zheir1 zh ei1 rr
|
4012 |
+
zheir2 zh ei2 rr
|
4013 |
+
zheir3 zh ei3 rr
|
4014 |
+
zheir4 zh ei4 rr
|
4015 |
+
zheir5 zh ei5 rr
|
4016 |
+
zhenr1 zh en1 rr
|
4017 |
+
zhenr2 zh en2 rr
|
4018 |
+
zhenr3 zh en3 rr
|
4019 |
+
zhenr4 zh en4 rr
|
4020 |
+
zhenr5 zh en5 rr
|
4021 |
+
zhengr1 zh eng1 rr
|
4022 |
+
zhengr2 zh eng2 rr
|
4023 |
+
zhengr3 zh eng3 rr
|
4024 |
+
zhengr4 zh eng4 rr
|
4025 |
+
zhengr5 zh eng5 rr
|
4026 |
+
zhir1 zh iii1 rr
|
4027 |
+
zhir2 zh iii2 rr
|
4028 |
+
zhir3 zh iii3 rr
|
4029 |
+
zhir4 zh iii4 rr
|
4030 |
+
zhir5 zh iii5 rr
|
4031 |
+
zhongr1 zh ong1 rr
|
4032 |
+
zhongr2 zh ong2 rr
|
4033 |
+
zhongr3 zh ong3 rr
|
4034 |
+
zhongr4 zh ong4 rr
|
4035 |
+
zhongr5 zh ong5 rr
|
4036 |
+
zhour1 zh ou1 rr
|
4037 |
+
zhour2 zh ou2 rr
|
4038 |
+
zhour3 zh ou3 rr
|
4039 |
+
zhour4 zh ou4 rr
|
4040 |
+
zhour5 zh ou5 rr
|
4041 |
+
zhur1 zh u1 rr
|
4042 |
+
zhur2 zh u2 rr
|
4043 |
+
zhur3 zh u3 rr
|
4044 |
+
zhur4 zh u4 rr
|
4045 |
+
zhur5 zh u5 rr
|
4046 |
+
zhuar1 zh ua1 rr
|
4047 |
+
zhuar2 zh ua2 rr
|
4048 |
+
zhuar3 zh ua3 rr
|
4049 |
+
zhuar4 zh ua4 rr
|
4050 |
+
zhuar5 zh ua5 rr
|
4051 |
+
zhuair1 zh uai1 rr
|
4052 |
+
zhuair2 zh uai2 rr
|
4053 |
+
zhuair3 zh uai3 rr
|
4054 |
+
zhuair4 zh uai4 rr
|
4055 |
+
zhuair5 zh uai5 rr
|
4056 |
+
zhuanr1 zh uan1 rr
|
4057 |
+
zhuanr2 zh uan2 rr
|
4058 |
+
zhuanr3 zh uan3 rr
|
4059 |
+
zhuanr4 zh uan4 rr
|
4060 |
+
zhuanr5 zh uan5 rr
|
4061 |
+
zhuangr1 zh uang1 rr
|
4062 |
+
zhuangr2 zh uang2 rr
|
4063 |
+
zhuangr3 zh uang3 rr
|
4064 |
+
zhuangr4 zh uang4 rr
|
4065 |
+
zhuangr5 zh uang5 rr
|
4066 |
+
zhuir1 zh uei1 rr
|
4067 |
+
zhuir2 zh uei2 rr
|
4068 |
+
zhuir3 zh uei3 rr
|
4069 |
+
zhuir4 zh uei4 rr
|
4070 |
+
zhuir5 zh uei5 rr
|
4071 |
+
zhunr1 zh uen1 rr
|
4072 |
+
zhunr2 zh uen2 rr
|
4073 |
+
zhunr3 zh uen3 rr
|
4074 |
+
zhunr4 zh uen4 rr
|
4075 |
+
zhunr5 zh uen5 rr
|
4076 |
+
zhuor1 zh uo1 rr
|
4077 |
+
zhuor2 zh uo2 rr
|
4078 |
+
zhuor3 zh uo3 rr
|
4079 |
+
zhuor4 zh uo4 rr
|
4080 |
+
zhuor5 zh uo5 rr
|
4081 |
+
zir1 z ii1 rr
|
4082 |
+
zir2 z ii2 rr
|
4083 |
+
zir3 z ii3 rr
|
4084 |
+
zir4 z ii4 rr
|
4085 |
+
zir5 z ii5 rr
|
4086 |
+
zongr1 z ong1 rr
|
4087 |
+
zongr2 z ong2 rr
|
4088 |
+
zongr3 z ong3 rr
|
4089 |
+
zongr4 z ong4 rr
|
4090 |
+
zongr5 z ong5 rr
|
4091 |
+
zour1 z ou1 rr
|
4092 |
+
zour2 z ou2 rr
|
4093 |
+
zour3 z ou3 rr
|
4094 |
+
zour4 z ou4 rr
|
4095 |
+
zour5 z ou5 rr
|
4096 |
+
zur1 z u1 rr
|
4097 |
+
zur2 z u2 rr
|
4098 |
+
zur3 z u3 rr
|
4099 |
+
zur4 z u4 rr
|
4100 |
+
zur5 z u5 rr
|
4101 |
+
zuanr1 z uan1 rr
|
4102 |
+
zuanr2 z uan2 rr
|
4103 |
+
zuanr3 z uan3 rr
|
4104 |
+
zuanr4 z uan4 rr
|
4105 |
+
zuanr5 z uan5 rr
|
4106 |
+
zuir1 z uei1 rr
|
4107 |
+
zuir2 z uei2 rr
|
4108 |
+
zuir3 z uei3 rr
|
4109 |
+
zuir4 z uei4 rr
|
4110 |
+
zuir5 z uei5 rr
|
4111 |
+
zunr1 z uen1 rr
|
4112 |
+
zunr2 z uen2 rr
|
4113 |
+
zunr3 z uen3 rr
|
4114 |
+
zunr4 z uen4 rr
|
4115 |
+
zunr5 z uen5 rr
|
4116 |
+
zuor1 z uo1 rr
|
4117 |
+
zuor2 z uo2 rr
|
4118 |
+
zuor3 z uo3 rr
|
4119 |
+
zuor4 z uo4 rr
|
4120 |
+
zuor5 z uo5 rr
|
model/.DS_Store
ADDED
Binary file (6.15 kB). View file
|
|
model/__init__.py
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
from .fastspeech2 import FastSpeech2
|
2 |
+
from .loss import FastSpeech2Loss
|
3 |
+
from .optimizer import ScheduledOptim
|
model/fastspeech2.py
ADDED
@@ -0,0 +1,139 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import os
|
2 |
+
import json
|
3 |
+
|
4 |
+
import torch
|
5 |
+
import torch.nn as nn
|
6 |
+
import torch.nn.functional as F
|
7 |
+
|
8 |
+
from transformer import Encoder, Decoder, PostNet
|
9 |
+
from .modules import VarianceAdaptor
|
10 |
+
from utils.tools import get_mask_from_lengths, get_roberta_emotion_embeddings
|
11 |
+
|
12 |
+
|
13 |
+
class FastSpeech2(nn.Module):
|
14 |
+
""" FastSpeech2 """
|
15 |
+
|
16 |
+
def __init__(self, preprocess_config, model_config):
|
17 |
+
super(FastSpeech2, self).__init__()
|
18 |
+
self.model_config = model_config
|
19 |
+
|
20 |
+
self.encoder = Encoder(model_config)
|
21 |
+
self.variance_adaptor = VarianceAdaptor(
|
22 |
+
preprocess_config, model_config)
|
23 |
+
self.decoder = Decoder(model_config)
|
24 |
+
self.mel_linear = nn.Linear(
|
25 |
+
model_config["transformer"]["decoder_hidden"],
|
26 |
+
preprocess_config["preprocessing"]["mel"]["n_mel_channels"],
|
27 |
+
)
|
28 |
+
self.postnet = PostNet()
|
29 |
+
|
30 |
+
self.speaker_emb = None
|
31 |
+
if model_config["multi_speaker"]:
|
32 |
+
with open(
|
33 |
+
os.path.join(
|
34 |
+
preprocess_config["path"]["preprocessed_path"], "speakers.json"
|
35 |
+
),
|
36 |
+
"r",
|
37 |
+
) as f:
|
38 |
+
n_speaker = len(json.load(f))
|
39 |
+
self.speaker_emb = nn.Embedding(
|
40 |
+
n_speaker,
|
41 |
+
model_config["transformer"]["encoder_hidden"],
|
42 |
+
)
|
43 |
+
|
44 |
+
self.emotion_emb = None
|
45 |
+
|
46 |
+
if model_config["multi_emotion"]:
|
47 |
+
with open(
|
48 |
+
os.path.join(
|
49 |
+
preprocess_config["path"]["preprocessed_path"], "emotions.json"
|
50 |
+
),
|
51 |
+
"r",
|
52 |
+
) as f:
|
53 |
+
n_emotion = len(json.load(f))
|
54 |
+
self.emotion_emb = nn.Embedding(
|
55 |
+
n_emotion,
|
56 |
+
model_config["transformer"]["encoder_hidden"],
|
57 |
+
)
|
58 |
+
self.emotion_linear = nn.Sequential(
|
59 |
+
nn.Linear(model_config["transformer"]["encoder_hidden"],
|
60 |
+
model_config["transformer"]["encoder_hidden"]),
|
61 |
+
nn.ReLU()
|
62 |
+
)
|
63 |
+
|
64 |
+
def forward(
|
65 |
+
self,
|
66 |
+
speakers,
|
67 |
+
texts,
|
68 |
+
src_lens,
|
69 |
+
max_src_len,
|
70 |
+
emotions,
|
71 |
+
mels=None,
|
72 |
+
mel_lens=None,
|
73 |
+
max_mel_len=None,
|
74 |
+
p_targets=None,
|
75 |
+
e_targets=None,
|
76 |
+
d_targets=None,
|
77 |
+
p_control=1.0,
|
78 |
+
e_control=1.0,
|
79 |
+
d_control=1.0,
|
80 |
+
):
|
81 |
+
src_masks = get_mask_from_lengths(src_lens, max_src_len)
|
82 |
+
mel_masks = (
|
83 |
+
get_mask_from_lengths(mel_lens, max_mel_len)
|
84 |
+
if mel_lens is not None
|
85 |
+
else None
|
86 |
+
)
|
87 |
+
|
88 |
+
output = self.encoder(texts, src_masks)
|
89 |
+
|
90 |
+
if self.speaker_emb is not None:
|
91 |
+
output = output + self.speaker_emb(speakers).unsqueeze(1).expand(
|
92 |
+
-1, max_src_len, -1
|
93 |
+
)
|
94 |
+
|
95 |
+
|
96 |
+
if self.emotion_emb is not None:
|
97 |
+
|
98 |
+
output = output + self.emotion_linear(self.emotion_emb(emotions)).unsqueeze(1).expand(
|
99 |
+
-1, max_src_len, -1
|
100 |
+
)
|
101 |
+
|
102 |
+
(
|
103 |
+
output,
|
104 |
+
p_predictions,
|
105 |
+
e_predictions,
|
106 |
+
log_d_predictions,
|
107 |
+
d_rounded,
|
108 |
+
mel_lens,
|
109 |
+
mel_masks,
|
110 |
+
) = self.variance_adaptor(
|
111 |
+
output,
|
112 |
+
src_masks,
|
113 |
+
mel_masks,
|
114 |
+
max_mel_len,
|
115 |
+
p_targets,
|
116 |
+
e_targets,
|
117 |
+
d_targets,
|
118 |
+
p_control,
|
119 |
+
e_control,
|
120 |
+
d_control,
|
121 |
+
)
|
122 |
+
|
123 |
+
output, mel_masks = self.decoder(output, mel_masks)
|
124 |
+
output = self.mel_linear(output)
|
125 |
+
|
126 |
+
postnet_output = self.postnet(output) + output
|
127 |
+
|
128 |
+
return (
|
129 |
+
output,
|
130 |
+
postnet_output,
|
131 |
+
p_predictions,
|
132 |
+
e_predictions,
|
133 |
+
log_d_predictions,
|
134 |
+
d_rounded,
|
135 |
+
src_masks,
|
136 |
+
mel_masks,
|
137 |
+
src_lens,
|
138 |
+
mel_lens,
|
139 |
+
)
|
model/loss.py
ADDED
@@ -0,0 +1,95 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import torch
|
2 |
+
import torch.nn as nn
|
3 |
+
|
4 |
+
|
5 |
+
class FastSpeech2Loss(nn.Module):
|
6 |
+
""" FastSpeech2 Loss """
|
7 |
+
|
8 |
+
def __init__(self, preprocess_config, model_config):
|
9 |
+
super(FastSpeech2Loss, self).__init__()
|
10 |
+
self.pitch_feature_level = preprocess_config["preprocessing"]["pitch"][
|
11 |
+
"feature"
|
12 |
+
]
|
13 |
+
self.energy_feature_level = preprocess_config["preprocessing"]["energy"][
|
14 |
+
"feature"
|
15 |
+
]
|
16 |
+
self.mse_loss = nn.MSELoss()
|
17 |
+
self.mae_loss = nn.L1Loss()
|
18 |
+
|
19 |
+
def forward(self, inputs, predictions):
|
20 |
+
(
|
21 |
+
mel_targets,
|
22 |
+
_,
|
23 |
+
_,
|
24 |
+
pitch_targets,
|
25 |
+
energy_targets,
|
26 |
+
duration_targets,
|
27 |
+
) = inputs[7:]
|
28 |
+
(
|
29 |
+
mel_predictions,
|
30 |
+
postnet_mel_predictions,
|
31 |
+
pitch_predictions,
|
32 |
+
energy_predictions,
|
33 |
+
log_duration_predictions,
|
34 |
+
_,
|
35 |
+
src_masks,
|
36 |
+
mel_masks,
|
37 |
+
_,
|
38 |
+
_,
|
39 |
+
) = predictions
|
40 |
+
src_masks = ~src_masks
|
41 |
+
mel_masks = ~mel_masks
|
42 |
+
log_duration_targets = torch.log(duration_targets.float() + 1)
|
43 |
+
mel_targets = mel_targets[:, : mel_masks.shape[1], :]
|
44 |
+
mel_masks = mel_masks[:, :mel_masks.shape[1]]
|
45 |
+
|
46 |
+
log_duration_targets.requires_grad = False
|
47 |
+
pitch_targets.requires_grad = False
|
48 |
+
energy_targets.requires_grad = False
|
49 |
+
mel_targets.requires_grad = False
|
50 |
+
|
51 |
+
if self.pitch_feature_level == "phoneme_level":
|
52 |
+
pitch_predictions = pitch_predictions.masked_select(src_masks)
|
53 |
+
pitch_targets = pitch_targets.masked_select(src_masks)
|
54 |
+
elif self.pitch_feature_level == "frame_level":
|
55 |
+
pitch_predictions = pitch_predictions.masked_select(mel_masks)
|
56 |
+
pitch_targets = pitch_targets.masked_select(mel_masks)
|
57 |
+
|
58 |
+
if self.energy_feature_level == "phoneme_level":
|
59 |
+
energy_predictions = energy_predictions.masked_select(src_masks)
|
60 |
+
energy_targets = energy_targets.masked_select(src_masks)
|
61 |
+
if self.energy_feature_level == "frame_level":
|
62 |
+
energy_predictions = energy_predictions.masked_select(mel_masks)
|
63 |
+
energy_targets = energy_targets.masked_select(mel_masks)
|
64 |
+
|
65 |
+
log_duration_predictions = log_duration_predictions.masked_select(
|
66 |
+
src_masks)
|
67 |
+
log_duration_targets = log_duration_targets.masked_select(src_masks)
|
68 |
+
|
69 |
+
mel_predictions = mel_predictions.masked_select(
|
70 |
+
mel_masks.unsqueeze(-1))
|
71 |
+
postnet_mel_predictions = postnet_mel_predictions.masked_select(
|
72 |
+
mel_masks.unsqueeze(-1)
|
73 |
+
)
|
74 |
+
mel_targets = mel_targets.masked_select(mel_masks.unsqueeze(-1))
|
75 |
+
|
76 |
+
mel_loss = self.mae_loss(mel_predictions, mel_targets)
|
77 |
+
postnet_mel_loss = self.mae_loss(postnet_mel_predictions, mel_targets)
|
78 |
+
|
79 |
+
pitch_loss = self.mse_loss(pitch_predictions, pitch_targets)
|
80 |
+
energy_loss = self.mse_loss(energy_predictions, energy_targets)
|
81 |
+
duration_loss = self.mse_loss(
|
82 |
+
log_duration_predictions, log_duration_targets)
|
83 |
+
|
84 |
+
total_loss = (
|
85 |
+
mel_loss + postnet_mel_loss + duration_loss + pitch_loss + energy_loss
|
86 |
+
)
|
87 |
+
|
88 |
+
return (
|
89 |
+
total_loss,
|
90 |
+
mel_loss,
|
91 |
+
postnet_mel_loss,
|
92 |
+
pitch_loss,
|
93 |
+
energy_loss,
|
94 |
+
duration_loss,
|
95 |
+
)
|
model/modules.py
ADDED
@@ -0,0 +1,296 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import os
|
2 |
+
import json
|
3 |
+
import copy
|
4 |
+
import math
|
5 |
+
from collections import OrderedDict
|
6 |
+
|
7 |
+
import torch
|
8 |
+
import torch.nn as nn
|
9 |
+
import numpy as np
|
10 |
+
import torch.nn.functional as F
|
11 |
+
|
12 |
+
from utils.tools import get_mask_from_lengths, pad
|
13 |
+
|
14 |
+
device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
|
15 |
+
|
16 |
+
|
17 |
+
class VarianceAdaptor(nn.Module):
|
18 |
+
"""Variance Adaptor"""
|
19 |
+
|
20 |
+
def __init__(self, preprocess_config, model_config):
|
21 |
+
super(VarianceAdaptor, self).__init__()
|
22 |
+
self.duration_predictor = VariancePredictor(model_config)
|
23 |
+
self.length_regulator = LengthRegulator()
|
24 |
+
self.pitch_predictor = VariancePredictor(model_config)
|
25 |
+
self.energy_predictor = VariancePredictor(model_config)
|
26 |
+
|
27 |
+
self.pitch_feature_level = preprocess_config["preprocessing"]["pitch"][
|
28 |
+
"feature"
|
29 |
+
]
|
30 |
+
self.energy_feature_level = preprocess_config["preprocessing"]["energy"][
|
31 |
+
"feature"
|
32 |
+
]
|
33 |
+
assert self.pitch_feature_level in ["phoneme_level", "frame_level"]
|
34 |
+
assert self.energy_feature_level in ["phoneme_level", "frame_level"]
|
35 |
+
|
36 |
+
pitch_quantization = model_config["variance_embedding"]["pitch_quantization"]
|
37 |
+
energy_quantization = model_config["variance_embedding"]["energy_quantization"]
|
38 |
+
n_bins = model_config["variance_embedding"]["n_bins"]
|
39 |
+
assert pitch_quantization in ["linear", "log"]
|
40 |
+
assert energy_quantization in ["linear", "log"]
|
41 |
+
with open(
|
42 |
+
os.path.join(preprocess_config["path"]["preprocessed_path"], "stats.json")
|
43 |
+
) as f:
|
44 |
+
stats = json.load(f)
|
45 |
+
pitch_min, pitch_max = stats["pitch"][:2]
|
46 |
+
energy_min, energy_max = stats["energy"][:2]
|
47 |
+
|
48 |
+
if pitch_quantization == "log":
|
49 |
+
self.pitch_bins = nn.Parameter(
|
50 |
+
torch.exp(
|
51 |
+
torch.linspace(np.log(pitch_min), np.log(pitch_max), n_bins - 1)
|
52 |
+
),
|
53 |
+
requires_grad=False,
|
54 |
+
)
|
55 |
+
else:
|
56 |
+
self.pitch_bins = nn.Parameter(
|
57 |
+
torch.linspace(pitch_min, pitch_max, n_bins - 1),
|
58 |
+
requires_grad=False,
|
59 |
+
)
|
60 |
+
if energy_quantization == "log":
|
61 |
+
self.energy_bins = nn.Parameter(
|
62 |
+
torch.exp(
|
63 |
+
torch.linspace(np.log(energy_min), np.log(energy_max), n_bins - 1)
|
64 |
+
),
|
65 |
+
requires_grad=False,
|
66 |
+
)
|
67 |
+
else:
|
68 |
+
self.energy_bins = nn.Parameter(
|
69 |
+
torch.linspace(energy_min, energy_max, n_bins - 1),
|
70 |
+
requires_grad=False,
|
71 |
+
)
|
72 |
+
|
73 |
+
self.pitch_embedding = nn.Embedding(
|
74 |
+
n_bins, model_config["transformer"]["encoder_hidden"]
|
75 |
+
)
|
76 |
+
self.energy_embedding = nn.Embedding(
|
77 |
+
n_bins, model_config["transformer"]["encoder_hidden"]
|
78 |
+
)
|
79 |
+
|
80 |
+
def get_pitch_embedding(self, x, target, mask, control):
|
81 |
+
prediction = self.pitch_predictor(x, mask)
|
82 |
+
if target is not None:
|
83 |
+
embedding = self.pitch_embedding(torch.bucketize(target, self.pitch_bins))
|
84 |
+
else:
|
85 |
+
prediction = prediction * control
|
86 |
+
embedding = self.pitch_embedding(
|
87 |
+
torch.bucketize(prediction, self.pitch_bins)
|
88 |
+
)
|
89 |
+
return prediction, embedding
|
90 |
+
|
91 |
+
def get_energy_embedding(self, x, target, mask, control):
|
92 |
+
prediction = self.energy_predictor(x, mask)
|
93 |
+
if target is not None:
|
94 |
+
embedding = self.energy_embedding(torch.bucketize(target, self.energy_bins))
|
95 |
+
else:
|
96 |
+
prediction = prediction * control
|
97 |
+
embedding = self.energy_embedding(
|
98 |
+
torch.bucketize(prediction, self.energy_bins)
|
99 |
+
)
|
100 |
+
return prediction, embedding
|
101 |
+
|
102 |
+
def forward(
|
103 |
+
self,
|
104 |
+
x,
|
105 |
+
src_mask,
|
106 |
+
mel_mask=None,
|
107 |
+
max_len=None,
|
108 |
+
pitch_target=None,
|
109 |
+
energy_target=None,
|
110 |
+
duration_target=None,
|
111 |
+
p_control=1.0,
|
112 |
+
e_control=1.0,
|
113 |
+
d_control=1.0,
|
114 |
+
):
|
115 |
+
|
116 |
+
log_duration_prediction = self.duration_predictor(x, src_mask)
|
117 |
+
if self.pitch_feature_level == "phoneme_level":
|
118 |
+
pitch_prediction, pitch_embedding = self.get_pitch_embedding(
|
119 |
+
x, pitch_target, src_mask, p_control
|
120 |
+
)
|
121 |
+
x = x + pitch_embedding
|
122 |
+
if self.energy_feature_level == "phoneme_level":
|
123 |
+
energy_prediction, energy_embedding = self.get_energy_embedding(
|
124 |
+
x, energy_target, src_mask, p_control
|
125 |
+
)
|
126 |
+
x = x + energy_embedding
|
127 |
+
|
128 |
+
if duration_target is not None:
|
129 |
+
x, mel_len = self.length_regulator(x, duration_target, max_len)
|
130 |
+
duration_rounded = duration_target
|
131 |
+
else:
|
132 |
+
duration_rounded = torch.clamp(
|
133 |
+
(torch.round(torch.exp(log_duration_prediction) - 1) * d_control),
|
134 |
+
min=0,
|
135 |
+
)
|
136 |
+
x, mel_len = self.length_regulator(x, duration_rounded, max_len)
|
137 |
+
mel_mask = get_mask_from_lengths(mel_len)
|
138 |
+
|
139 |
+
if self.pitch_feature_level == "frame_level":
|
140 |
+
pitch_prediction, pitch_embedding = self.get_pitch_embedding(
|
141 |
+
x, pitch_target, mel_mask, p_control
|
142 |
+
)
|
143 |
+
x = x + pitch_embedding
|
144 |
+
if self.energy_feature_level == "frame_level":
|
145 |
+
energy_prediction, energy_embedding = self.get_energy_embedding(
|
146 |
+
x, energy_target, mel_mask, p_control
|
147 |
+
)
|
148 |
+
x = x + energy_embedding
|
149 |
+
|
150 |
+
return (
|
151 |
+
x,
|
152 |
+
pitch_prediction,
|
153 |
+
energy_prediction,
|
154 |
+
log_duration_prediction,
|
155 |
+
duration_rounded,
|
156 |
+
mel_len,
|
157 |
+
mel_mask,
|
158 |
+
)
|
159 |
+
|
160 |
+
|
161 |
+
class LengthRegulator(nn.Module):
|
162 |
+
"""Length Regulator"""
|
163 |
+
|
164 |
+
def __init__(self):
|
165 |
+
super(LengthRegulator, self).__init__()
|
166 |
+
|
167 |
+
def LR(self, x, duration, max_len):
|
168 |
+
output = list()
|
169 |
+
mel_len = list()
|
170 |
+
for batch, expand_target in zip(x, duration):
|
171 |
+
expanded = self.expand(batch, expand_target)
|
172 |
+
output.append(expanded)
|
173 |
+
mel_len.append(expanded.shape[0])
|
174 |
+
|
175 |
+
if max_len is not None:
|
176 |
+
output = pad(output, max_len)
|
177 |
+
else:
|
178 |
+
output = pad(output)
|
179 |
+
|
180 |
+
return output, torch.LongTensor(mel_len).to(device)
|
181 |
+
|
182 |
+
def expand(self, batch, predicted):
|
183 |
+
out = list()
|
184 |
+
|
185 |
+
for i, vec in enumerate(batch):
|
186 |
+
expand_size = predicted[i].item()
|
187 |
+
out.append(vec.expand(max(int(expand_size), 0), -1))
|
188 |
+
out = torch.cat(out, 0)
|
189 |
+
|
190 |
+
return out
|
191 |
+
|
192 |
+
def forward(self, x, duration, max_len):
|
193 |
+
output, mel_len = self.LR(x, duration, max_len)
|
194 |
+
return output, mel_len
|
195 |
+
|
196 |
+
|
197 |
+
class VariancePredictor(nn.Module):
|
198 |
+
"""Duration, Pitch and Energy Predictor"""
|
199 |
+
|
200 |
+
def __init__(self, model_config):
|
201 |
+
super(VariancePredictor, self).__init__()
|
202 |
+
|
203 |
+
self.input_size = model_config["transformer"]["encoder_hidden"]
|
204 |
+
self.filter_size = model_config["variance_predictor"]["filter_size"]
|
205 |
+
self.kernel = model_config["variance_predictor"]["kernel_size"]
|
206 |
+
self.conv_output_size = model_config["variance_predictor"]["filter_size"]
|
207 |
+
self.dropout = model_config["variance_predictor"]["dropout"]
|
208 |
+
|
209 |
+
self.conv_layer = nn.Sequential(
|
210 |
+
OrderedDict(
|
211 |
+
[
|
212 |
+
(
|
213 |
+
"conv1d_1",
|
214 |
+
Conv(
|
215 |
+
self.input_size,
|
216 |
+
self.filter_size,
|
217 |
+
kernel_size=self.kernel,
|
218 |
+
padding=(self.kernel - 1) // 2,
|
219 |
+
),
|
220 |
+
),
|
221 |
+
("relu_1", nn.ReLU()),
|
222 |
+
("layer_norm_1", nn.LayerNorm(self.filter_size)),
|
223 |
+
("dropout_1", nn.Dropout(self.dropout)),
|
224 |
+
(
|
225 |
+
"conv1d_2",
|
226 |
+
Conv(
|
227 |
+
self.filter_size,
|
228 |
+
self.filter_size,
|
229 |
+
kernel_size=self.kernel,
|
230 |
+
padding=1,
|
231 |
+
),
|
232 |
+
),
|
233 |
+
("relu_2", nn.ReLU()),
|
234 |
+
("layer_norm_2", nn.LayerNorm(self.filter_size)),
|
235 |
+
("dropout_2", nn.Dropout(self.dropout)),
|
236 |
+
]
|
237 |
+
)
|
238 |
+
)
|
239 |
+
|
240 |
+
self.linear_layer = nn.Linear(self.conv_output_size, 1)
|
241 |
+
|
242 |
+
def forward(self, encoder_output, mask):
|
243 |
+
out = self.conv_layer(encoder_output)
|
244 |
+
out = self.linear_layer(out)
|
245 |
+
out = out.squeeze(-1)
|
246 |
+
|
247 |
+
if mask is not None:
|
248 |
+
out = out.masked_fill(mask, 0.0)
|
249 |
+
|
250 |
+
return out
|
251 |
+
|
252 |
+
|
253 |
+
class Conv(nn.Module):
|
254 |
+
"""
|
255 |
+
Convolution Module
|
256 |
+
"""
|
257 |
+
|
258 |
+
def __init__(
|
259 |
+
self,
|
260 |
+
in_channels,
|
261 |
+
out_channels,
|
262 |
+
kernel_size=1,
|
263 |
+
stride=1,
|
264 |
+
padding=0,
|
265 |
+
dilation=1,
|
266 |
+
bias=True,
|
267 |
+
w_init="linear",
|
268 |
+
):
|
269 |
+
"""
|
270 |
+
:param in_channels: dimension of input
|
271 |
+
:param out_channels: dimension of output
|
272 |
+
:param kernel_size: size of kernel
|
273 |
+
:param stride: size of stride
|
274 |
+
:param padding: size of padding
|
275 |
+
:param dilation: dilation rate
|
276 |
+
:param bias: boolean. if True, bias is included.
|
277 |
+
:param w_init: str. weight inits with xavier initialization.
|
278 |
+
"""
|
279 |
+
super(Conv, self).__init__()
|
280 |
+
|
281 |
+
self.conv = nn.Conv1d(
|
282 |
+
in_channels,
|
283 |
+
out_channels,
|
284 |
+
kernel_size=kernel_size,
|
285 |
+
stride=stride,
|
286 |
+
padding=padding,
|
287 |
+
dilation=dilation,
|
288 |
+
bias=bias,
|
289 |
+
)
|
290 |
+
|
291 |
+
def forward(self, x):
|
292 |
+
x = x.contiguous().transpose(1, 2)
|
293 |
+
x = self.conv(x)
|
294 |
+
x = x.contiguous().transpose(1, 2)
|
295 |
+
|
296 |
+
return x
|
model/optimizer.py
ADDED
@@ -0,0 +1,51 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import torch
|
2 |
+
import numpy as np
|
3 |
+
|
4 |
+
|
5 |
+
class ScheduledOptim:
|
6 |
+
""" A simple wrapper class for learning rate scheduling """
|
7 |
+
|
8 |
+
def __init__(self, model, train_config, model_config, current_step):
|
9 |
+
|
10 |
+
self._optimizer = torch.optim.Adam(
|
11 |
+
model.parameters(),
|
12 |
+
betas=train_config["optimizer"]["betas"],
|
13 |
+
eps=train_config["optimizer"]["eps"],
|
14 |
+
weight_decay=train_config["optimizer"]["weight_decay"],
|
15 |
+
)
|
16 |
+
self.n_warmup_steps = train_config["optimizer"]["warm_up_step"]
|
17 |
+
self.anneal_steps = train_config["optimizer"]["anneal_steps"]
|
18 |
+
self.anneal_rate = train_config["optimizer"]["anneal_rate"]
|
19 |
+
self.current_step = current_step
|
20 |
+
self.init_lr = np.power(model_config["transformer"]["encoder_hidden"], -0.5)
|
21 |
+
|
22 |
+
def step_and_update_lr(self):
|
23 |
+
self._update_learning_rate()
|
24 |
+
self._optimizer.step()
|
25 |
+
|
26 |
+
def zero_grad(self):
|
27 |
+
# print(self.init_lr)
|
28 |
+
self._optimizer.zero_grad()
|
29 |
+
|
30 |
+
def load_state_dict(self, path):
|
31 |
+
self._optimizer.load_state_dict(path)
|
32 |
+
|
33 |
+
def _get_lr_scale(self):
|
34 |
+
lr = np.min(
|
35 |
+
[
|
36 |
+
np.power(self.current_step, -0.5),
|
37 |
+
np.power(self.n_warmup_steps, -1.5) * self.current_step,
|
38 |
+
]
|
39 |
+
)
|
40 |
+
for s in self.anneal_steps:
|
41 |
+
if self.current_step > s:
|
42 |
+
lr = lr * self.anneal_rate
|
43 |
+
return lr
|
44 |
+
|
45 |
+
def _update_learning_rate(self):
|
46 |
+
""" Learning rate scheduling per step """
|
47 |
+
self.current_step += 1
|
48 |
+
lr = self.init_lr * self._get_lr_scale()
|
49 |
+
|
50 |
+
for param_group in self._optimizer.param_groups:
|
51 |
+
param_group["lr"] = lr
|
output/.DS_Store
ADDED
Binary file (8.2 kB). View file
|
|
output/ckpt/.DS_Store
ADDED
Binary file (6.15 kB). View file
|
|
output/ckpt/EmoV_DB/.DS_Store
ADDED
Binary file (6.15 kB). View file
|
|
output/ckpt/EmoV_DB/900000.pth.tar
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:80a6f89fff5669d042ef7b90ce2a58a169b2a2312b2952c6fd623bf411e43efd
|
3 |
+
size 418864761
|
output/log/.DS_Store
ADDED
Binary file (6.15 kB). View file
|
|
output/result/.DS_Store
ADDED
Binary file (6.15 kB). View file
|
|
output/result/EmoV_DB/That is addorable, hahaha.png
ADDED
![]() |
output/result/EmoV_DB/That is addorable, hahaha.wav
ADDED
Binary file (85 kB). View file
|
|
prepare_align.py
ADDED
@@ -0,0 +1,21 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import argparse
|
2 |
+
|
3 |
+
import yaml
|
4 |
+
|
5 |
+
from preprocessor import dataverse, emov_db
|
6 |
+
|
7 |
+
|
8 |
+
def main(config):
|
9 |
+
if "Dataverse" in config["dataset"]:
|
10 |
+
dataverse.prepare_align(config)
|
11 |
+
if "EmoV_DB" in config["dataset"]:
|
12 |
+
emov_db.prepare_align(config)
|
13 |
+
|
14 |
+
|
15 |
+
if __name__ == "__main__":
|
16 |
+
parser = argparse.ArgumentParser()
|
17 |
+
parser.add_argument("config", type=str, help="path to preprocess.yaml")
|
18 |
+
args = parser.parse_args()
|
19 |
+
|
20 |
+
config = yaml.load(open(args.config, "r"), Loader=yaml.FullLoader)
|
21 |
+
main(config)
|
preprocess.py
ADDED
@@ -0,0 +1,15 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import argparse
|
2 |
+
|
3 |
+
import yaml
|
4 |
+
|
5 |
+
from preprocessor.preprocessor import Preprocessor
|
6 |
+
|
7 |
+
|
8 |
+
if __name__ == "__main__":
|
9 |
+
parser = argparse.ArgumentParser()
|
10 |
+
parser.add_argument("config", type=str, help="path to preprocess.yaml")
|
11 |
+
args = parser.parse_args()
|
12 |
+
|
13 |
+
config = yaml.load(open(args.config, "r"), Loader=yaml.FullLoader)
|
14 |
+
preprocessor = Preprocessor(config)
|
15 |
+
preprocessor.build_from_path()
|