Add language model to Malayalam ASR model
Browse files- README.md +182 -0
- alphabet.json +1 -0
- config.json +76 -0
- flax_model.msgpack +3 -0
- language_model/attrs.json +1 -0
- language_model/ml_lm.arpa +0 -0
- language_model/unigrams.txt +867 -0
- preprocessor_config.json +8 -0
- pytorch_model.bin +3 -0
- special_tokens_map.json +1 -0
- tokenizer_config.json +1 -0
- vocab.json +1 -0
README.md
ADDED
@@ -0,0 +1,182 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
---
|
2 |
+
language: ml
|
3 |
+
datasets:
|
4 |
+
- Indic TTS Malayalam Speech Corpus
|
5 |
+
- Openslr Malayalam Speech Corpus
|
6 |
+
- SMC Malayalam Speech Corpus
|
7 |
+
- IIIT-H Indic Speech Databases
|
8 |
+
metrics:
|
9 |
+
- wer
|
10 |
+
tags:
|
11 |
+
- audio
|
12 |
+
- automatic-speech-recognition
|
13 |
+
- speech
|
14 |
+
- xlsr-fine-tuning-week
|
15 |
+
license: apache-2.0
|
16 |
+
model-index:
|
17 |
+
- name: Malayalam XLSR Wav2Vec2 Large 53
|
18 |
+
results:
|
19 |
+
- task:
|
20 |
+
name: Speech Recognition
|
21 |
+
type: automatic-speech-recognition
|
22 |
+
dataset:
|
23 |
+
name: Test split of combined dataset using all datasets mentioned above
|
24 |
+
type: custom
|
25 |
+
args: ml
|
26 |
+
metrics:
|
27 |
+
- name: Test WER
|
28 |
+
type: wer
|
29 |
+
value: 28.43
|
30 |
+
---
|
31 |
+
|
32 |
+
# Wav2Vec2-Large-XLSR-53-ml
|
33 |
+
|
34 |
+
Fine-tuned [facebook/wav2vec2-large-xlsr-53](https://huggingface.co/facebook/wav2vec2-large-xlsr-53) on ml (Malayalam) using the [Indic TTS Malayalam Speech Corpus (via Kaggle)](https://www.kaggle.com/kavyamanohar/indic-tts-malayalam-speech-corpus), [Openslr Malayalam Speech Corpus](http://openslr.org/63/), [SMC Malayalam Speech Corpus](https://blog.smc.org.in/malayalam-speech-corpus/) and [IIIT-H Indic Speech Databases](http://speech.iiit.ac.in/index.php/research-svl/69.html). The notebooks used to train model are available [here](https://github.com/gauthamsuresh09/wav2vec2-large-xlsr-53-malayalam/). When using this model, make sure that your speech input is sampled at 16kHz.
|
35 |
+
|
36 |
+
## Usage
|
37 |
+
|
38 |
+
The model can be used directly (without a language model) as follows:
|
39 |
+
|
40 |
+
```python
|
41 |
+
import torch
|
42 |
+
import torchaudio
|
43 |
+
from datasets import load_dataset
|
44 |
+
from transformers import Wav2Vec2ForCTC, Wav2Vec2Processor
|
45 |
+
|
46 |
+
test_dataset = <load-test-split-of-combined-dataset> # Details on loading this dataset in the evaluation section
|
47 |
+
|
48 |
+
processor = Wav2Vec2Processor.from_pretrained("gvs/wav2vec2-large-xlsr-malayalam")
|
49 |
+
model = Wav2Vec2ForCTC.from_pretrained("gvs/wav2vec2-large-xlsr-malayalam")
|
50 |
+
|
51 |
+
resampler = torchaudio.transforms.Resample(48_000, 16_000)
|
52 |
+
|
53 |
+
# Preprocessing the datasets.
|
54 |
+
# We need to read the audio files as arrays
|
55 |
+
def speech_file_to_array_fn(batch):
|
56 |
+
speech_array, sampling_rate = torchaudio.load(batch["path"])
|
57 |
+
batch["speech"] = resampler(speech_array).squeeze().numpy()
|
58 |
+
return batch
|
59 |
+
|
60 |
+
test_dataset = test_dataset.map(speech_file_to_array_fn)
|
61 |
+
inputs = processor(test_dataset["speech"][:2], sampling_rate=16_000, return_tensors="pt", padding=True)
|
62 |
+
|
63 |
+
with torch.no_grad():
|
64 |
+
logits = model(inputs.input_values, attention_mask=inputs.attention_mask).logits
|
65 |
+
|
66 |
+
predicted_ids = torch.argmax(logits, dim=-1)
|
67 |
+
|
68 |
+
print("Prediction:", processor.batch_decode(predicted_ids))
|
69 |
+
print("Reference:", test_dataset["sentence"])
|
70 |
+
```
|
71 |
+
|
72 |
+
|
73 |
+
## Evaluation
|
74 |
+
|
75 |
+
The model can be evaluated as follows on the test data of combined custom dataset. For more details on dataset preparation, check the notebooks mentioned at the end of this file.
|
76 |
+
|
77 |
+
|
78 |
+
```python
|
79 |
+
import torch
|
80 |
+
import torchaudio
|
81 |
+
from datasets import load_dataset, load_metric
|
82 |
+
from transformers import Wav2Vec2ForCTC, Wav2Vec2Processor
|
83 |
+
import re
|
84 |
+
from datasets import load_dataset, load_metric
|
85 |
+
from pathlib import Path
|
86 |
+
|
87 |
+
# The custom dataset needs to be created using notebook mentioned at the end of this file
|
88 |
+
data_dir = Path('<path-to-custom-dataset>')
|
89 |
+
|
90 |
+
dataset_folders = {
|
91 |
+
'iiit': 'iiit_mal_abi',
|
92 |
+
'openslr': 'openslr',
|
93 |
+
'indic-tts': 'indic-tts-ml',
|
94 |
+
'msc-reviewed': 'msc-reviewed-speech-v1.0+20200825',
|
95 |
+
}
|
96 |
+
|
97 |
+
# Set directories for datasets
|
98 |
+
openslr_male_dir = data_dir / dataset_folders['openslr'] / 'male'
|
99 |
+
openslr_female_dir = data_dir / dataset_folders['openslr'] / 'female'
|
100 |
+
iiit_dir = data_dir / dataset_folders['iiit']
|
101 |
+
indic_tts_male_dir = data_dir / dataset_folders['indic-tts'] / 'male'
|
102 |
+
indic_tts_female_dir = data_dir / dataset_folders['indic-tts'] / 'female'
|
103 |
+
msc_reviewed_dir = data_dir / dataset_folders['msc-reviewed']
|
104 |
+
|
105 |
+
# Load the datasets
|
106 |
+
openslr_male = load_dataset("json", data_files=[f"{str(openslr_male_dir.absolute())}/sample_{i}.json" for i in range(2023)], split="train")
|
107 |
+
openslr_female = load_dataset("json", data_files=[f"{str(openslr_female_dir.absolute())}/sample_{i}.json" for i in range(2103)], split="train")
|
108 |
+
iiit = load_dataset("json", data_files=[f"{str(iiit_dir.absolute())}/sample_{i}.json" for i in range(1000)], split="train")
|
109 |
+
indic_tts_male = load_dataset("json", data_files=[f"{str(indic_tts_male_dir.absolute())}/sample_{i}.json" for i in range(5649)], split="train")
|
110 |
+
indic_tts_female = load_dataset("json", data_files=[f"{str(indic_tts_female_dir.absolute())}/sample_{i}.json" for i in range(2950)], split="train")
|
111 |
+
msc_reviewed = load_dataset("json", data_files=[f"{str(msc_reviewed_dir.absolute())}/sample_{i}.json" for i in range(1541)], split="train")
|
112 |
+
|
113 |
+
# Create test split as 20%, set random seed as well.
|
114 |
+
test_size = 0.2
|
115 |
+
random_seed=1
|
116 |
+
openslr_male_splits = openslr_male.train_test_split(test_size=test_size, seed=random_seed)
|
117 |
+
openslr_female_splits = openslr_female.train_test_split(test_size=test_size, seed=random_seed)
|
118 |
+
iiit_splits = iiit.train_test_split(test_size=test_size, seed=random_seed)
|
119 |
+
indic_tts_male_splits = indic_tts_male.train_test_split(test_size=test_size, seed=random_seed)
|
120 |
+
indic_tts_female_splits = indic_tts_female.train_test_split(test_size=test_size, seed=random_seed)
|
121 |
+
msc_reviewed_splits = msc_reviewed.train_test_split(test_size=test_size, seed=random_seed)
|
122 |
+
|
123 |
+
# Get combined test dataset
|
124 |
+
split_list = [openslr_male_splits, openslr_female_splits, indic_tts_male_splits, indic_tts_female_splits, msc_reviewed_splits, iiit_splits]
|
125 |
+
test_dataset = datasets.concatenate_datasets([split['test'] for split in split_list)
|
126 |
+
|
127 |
+
wer = load_metric("wer")
|
128 |
+
|
129 |
+
processor = Wav2Vec2Processor.from_pretrained("gvs/wav2vec2-large-xlsr-malayalam")
|
130 |
+
model = Wav2Vec2ForCTC.from_pretrained("gvs/wav2vec2-large-xlsr-malayalam")
|
131 |
+
model.to("cuda")
|
132 |
+
|
133 |
+
resamplers = {
|
134 |
+
48000: torchaudio.transforms.Resample(48_000, 16_000),
|
135 |
+
}
|
136 |
+
|
137 |
+
chars_to_ignore_regex = '[\\\\,\\\\?\\\\.\\\\!\\\\-\\\\;\\\\:\\\\"\\\\“\\\\%\\\\‘\\\\”\\\\�Utrnle\\\\_]'
|
138 |
+
unicode_ignore_regex = r'[\\\\u200e]'
|
139 |
+
|
140 |
+
# Preprocessing the datasets.
|
141 |
+
# We need to read the audio files as arrays
|
142 |
+
def speech_file_to_array_fn(batch):
|
143 |
+
batch["sentence"] = re.sub(chars_to_ignore_regex, '', batch["sentence"])
|
144 |
+
batch["sentence"] = re.sub(unicode_ignore_regex, '', batch["sentence"])
|
145 |
+
speech_array, sampling_rate = torchaudio.load(batch["path"])
|
146 |
+
# Resample if its not in 16kHz
|
147 |
+
if sampling_rate != 16000:
|
148 |
+
batch["speech"] = resamplers[sampling_rate](speech_array).squeeze().numpy()
|
149 |
+
else:
|
150 |
+
batch["speech"] = speech_array.squeeze().numpy()
|
151 |
+
# If more than one dimension is present, pick first one
|
152 |
+
if batch["speech"].ndim > 1:
|
153 |
+
batch["speech"] = batch["speech"][0]
|
154 |
+
return batch
|
155 |
+
|
156 |
+
test_dataset = test_dataset.map(speech_file_to_array_fn)
|
157 |
+
|
158 |
+
# Preprocessing the datasets.
|
159 |
+
# We need to read the audio files as arrays
|
160 |
+
def evaluate(batch):
|
161 |
+
inputs = processor(batch["speech"], sampling_rate=16_000, return_tensors="pt", padding=True)
|
162 |
+
|
163 |
+
with torch.no_grad():
|
164 |
+
logits = model(inputs.input_values.to("cuda"), attention_mask=inputs.attention_mask.to("cuda")).logits
|
165 |
+
|
166 |
+
pred_ids = torch.argmax(logits, dim=-1)
|
167 |
+
batch["pred_strings"] = processor.batch_decode(pred_ids)
|
168 |
+
return batch
|
169 |
+
|
170 |
+
result = test_dataset.map(evaluate, batched=True, batch_size=8)
|
171 |
+
|
172 |
+
print("WER: {:2f}".format(100 * wer.compute(predictions=result["pred_strings"], references=result["sentence"])))
|
173 |
+
```
|
174 |
+
|
175 |
+
**Test Result (WER)**: 28.43 %
|
176 |
+
|
177 |
+
|
178 |
+
## Training
|
179 |
+
|
180 |
+
A combined dataset was created using [Indic TTS Malayalam Speech Corpus (via Kaggle)](https://www.kaggle.com/kavyamanohar/indic-tts-malayalam-speech-corpus), [Openslr Malayalam Speech Corpus](http://openslr.org/63/), [SMC Malayalam Speech Corpus](https://blog.smc.org.in/malayalam-speech-corpus/) and [IIIT-H Indic Speech Databases](http://speech.iiit.ac.in/index.php/research-svl/69.html). The datasets were downloaded and was converted to HF Dataset format using [this notebook](https://github.com/gauthamsuresh09/wav2vec2-large-xlsr-53-malayalam/blob/main/make_hf_dataset.ipynb)
|
181 |
+
|
182 |
+
The notebook used for training and evaluation can be found [here](https://github.com/gauthamsuresh09/wav2vec2-large-xlsr-53-malayalam/blob/main/fine-tune-xlsr-wav2vec2-on-malayalam-asr-with-transformers_v2.ipynb)
|
alphabet.json
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
{"labels": ["\u0d7c", "\u0d38", "\u0d02", "\u0d0b", "\u0d39", "\u0d27", "\u0d22", "\u0d20", "\u0d1f", "\u0d2a", "\u0d2f", "\u0d40", "\u0d15", " ", "\u0d30", "\u0d0f", "\u0d09", "\u0d43", "\u0d7a", "\u0d23", "\u0d3f", "\u200c", "\u0d7d", "\u0d4a", "\u0d32", "\u0d57", "\u0d18", "\u0d4c", "\u0d26", "\u0d2c", "\u0d1b", "\u0d1d", "\u0d0a", "\u0d28", "\u0d4b", "\u0d71", "\u0d07", "\u0d10", "\u0d48", "\u0d03", "\u0d3e", "\u0d1a", "\u0d47", "\u0d25", "\u0d21", "\u0d0e", "\u0d37", "\u0d06", "\u0d05", "\u0d2e", "\u0d12", "\u0d36", "\u0d16", "\u0d2b", "\u0d41", "\u0d17", "\u0d33", "\u0d13", "\u0d42", "\u0d35", "\u0d1e", "\u0d31", "\u0d2d", "\u0d7b", "\u0d7e", "\u0d08", "\u0d4d", "\u0d46", "\u0d19", "\u0d24", "\u0d1c", "\u200d", "\u0d14", "\u0d34", "\u2047", "", "<s>", "</s>"], "is_bpe": false}
|
config.json
ADDED
@@ -0,0 +1,76 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"_name_or_path": "facebook/wav2vec2-large-xlsr-53",
|
3 |
+
"activation_dropout": 0.0,
|
4 |
+
"apply_spec_augment": true,
|
5 |
+
"architectures": [
|
6 |
+
"Wav2Vec2ForCTC"
|
7 |
+
],
|
8 |
+
"attention_dropout": 0.094,
|
9 |
+
"bos_token_id": 1,
|
10 |
+
"conv_bias": true,
|
11 |
+
"conv_dim": [
|
12 |
+
512,
|
13 |
+
512,
|
14 |
+
512,
|
15 |
+
512,
|
16 |
+
512,
|
17 |
+
512,
|
18 |
+
512
|
19 |
+
],
|
20 |
+
"conv_kernel": [
|
21 |
+
10,
|
22 |
+
3,
|
23 |
+
3,
|
24 |
+
3,
|
25 |
+
3,
|
26 |
+
2,
|
27 |
+
2
|
28 |
+
],
|
29 |
+
"conv_stride": [
|
30 |
+
5,
|
31 |
+
2,
|
32 |
+
2,
|
33 |
+
2,
|
34 |
+
2,
|
35 |
+
2,
|
36 |
+
2
|
37 |
+
],
|
38 |
+
"ctc_loss_reduction": "mean",
|
39 |
+
"ctc_zero_infinity": false,
|
40 |
+
"do_stable_layer_norm": true,
|
41 |
+
"eos_token_id": 2,
|
42 |
+
"feat_extract_activation": "gelu",
|
43 |
+
"feat_extract_dropout": 0.0,
|
44 |
+
"feat_extract_norm": "layer",
|
45 |
+
"feat_proj_dropout": 0.0,
|
46 |
+
"final_dropout": 0.0,
|
47 |
+
"gradient_checkpointing": true,
|
48 |
+
"hidden_act": "gelu",
|
49 |
+
"hidden_dropout": 0.05,
|
50 |
+
"hidden_size": 1024,
|
51 |
+
"initializer_range": 0.02,
|
52 |
+
"intermediate_size": 4096,
|
53 |
+
"layer_norm_eps": 1e-05,
|
54 |
+
"layerdrop": 0.045,
|
55 |
+
"mask_channel_length": 10,
|
56 |
+
"mask_channel_min_space": 1,
|
57 |
+
"mask_channel_other": 0.0,
|
58 |
+
"mask_channel_prob": 0.0,
|
59 |
+
"mask_channel_selection": "static",
|
60 |
+
"mask_feature_length": 10,
|
61 |
+
"mask_feature_prob": 0.0,
|
62 |
+
"mask_time_length": 10,
|
63 |
+
"mask_time_min_space": 1,
|
64 |
+
"mask_time_other": 0.0,
|
65 |
+
"mask_time_prob": 0.082,
|
66 |
+
"mask_time_selection": "static",
|
67 |
+
"model_type": "wav2vec2",
|
68 |
+
"num_attention_heads": 16,
|
69 |
+
"num_conv_pos_embedding_groups": 16,
|
70 |
+
"num_conv_pos_embeddings": 128,
|
71 |
+
"num_feat_extract_layers": 7,
|
72 |
+
"num_hidden_layers": 24,
|
73 |
+
"pad_token_id": 75,
|
74 |
+
"transformers_version": "4.5.0.dev0",
|
75 |
+
"vocab_size": 76
|
76 |
+
}
|
flax_model.msgpack
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:18381d01f5140589dfb1d13754725c976fd7172be4e92a52445f2a13baf638f6
|
3 |
+
size 1262081874
|
language_model/attrs.json
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
{"alpha": 0.5, "beta": 1.5, "unk_score_offset": -10.0, "score_boundary": true}
|
language_model/ml_lm.arpa
ADDED
The diff for this file is too large to render.
See raw diff
|
|
language_model/unigrams.txt
ADDED
@@ -0,0 +1,867 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
</s>
|
2 |
+
<s>
|
3 |
+
അഖിലമാശുചൊൽക
|
4 |
+
അടുത്തു
|
5 |
+
അതിനില്ലെനിക്കുപേക്ഷ
|
6 |
+
അതിശയിച്ചോരനുഭവമെനിക്കിപ്പോൾ
|
7 |
+
അനുഗമനം
|
8 |
+
അന്തകവൈരിപാദചിന്തനം
|
9 |
+
അന്തരംഗമതിലാരിതോർത്തിരു
|
10 |
+
അന്തിയാം
|
11 |
+
അന്നെന്തേ
|
12 |
+
അപ
|
13 |
+
അപജയപ്പെട്ടായോ
|
14 |
+
അപഹായ
|
15 |
+
അഭിമുഖന്മാരെക്കണ്ടെൻ
|
16 |
+
അഭിഷിഞ്ചാമ്യഥ
|
17 |
+
അമിത്രവീരന്മാരെ
|
18 |
+
അമർക്കും
|
19 |
+
അരികിൽ
|
20 |
+
അരുതരുതിനിയാധി
|
21 |
+
അറികയില്ലെങ്കിലും
|
22 |
+
അറുതിയസുക്കൾക്കിനി
|
23 |
+
അലമലം
|
24 |
+
അലസതാവിലസിതമതിനാൽ
|
25 |
+
അളവില്ലാ
|
26 |
+
അഴിച്ചുവച്ച്
|
27 |
+
അവസ്ഥയെല്ലാമച്ഛൻ
|
28 |
+
അവർക്കു
|
29 |
+
അവൾ
|
30 |
+
അസഭ്യവാക്കുകളോതുക
|
31 |
+
ആജ്ഞാപിക്കുന്നു
|
32 |
+
ആദരാൽ
|
33 |
+
ആധിജലധിയിൽ
|
34 |
+
ആധിവാരിധിയിലാണുകിടക്കയെക്കാൾ
|
35 |
+
ആനന്ദം
|
36 |
+
ആനയിപ്പതിനു
|
37 |
+
ആരവമെന്തിത
|
38 |
+
ആളിമാരുമില്ലാ
|
39 |
+
ആവതെന്തുള്ളു
|
40 |
+
ആഹന്ത
|
41 |
+
ആർത്തി
|
42 |
+
ആർത്തുനടക്കും
|
43 |
+
ഇടയിൽ
|
44 |
+
ഇതിനാലുണ്ടതിവൈഷമ്യം
|
45 |
+
ഇതിനാൽ
|
46 |
+
ഇതിനീഷലുണ്ടാകേണ്ടാ
|
47 |
+
ഇതിനേ
|
48 |
+
ഇതു
|
49 |
+
ഇത്ഥമിന്നു
|
50 |
+
ഇനിജ്ജയം
|
51 |
+
ഇനിപ്പൊരുന്നതാകിൽ
|
52 |
+
ഇനിയോ
|
53 |
+
ഇന്ദുവദനേ
|
54 |
+
ഇന്ദ്രാദികളും
|
55 |
+
ഇന്നരിമ
|
56 |
+
ഇന്നു
|
57 |
+
ഇരിപ്പെടം
|
58 |
+
ഇല്ലിവനേതും
|
59 |
+
ഇവ
|
60 |
+
ഇഹ
|
61 |
+
ഈ
|
62 |
+
ഉടനേ
|
63 |
+
ഉണ്ടാകേണ്ടാ
|
64 |
+
ഉണ്ടാമധർമ്മവുമനൃതോദിതവും
|
65 |
+
ഉദന്തമി
|
66 |
+
ഉദിക്കുമാറായ്
|
67 |
+
ഉരത്തെഴും
|
68 |
+
ഉല്ലംഘിതാജ്ഞന്മാരെക്കൊല്ലും
|
69 |
+
ഊനാതിരിക്തഭേദം
|
70 |
+
എങ്ങുനിന്നെഴുന്നരുളി
|
71 |
+
എടുത്തു
|
72 |
+
എതിർത്തു
|
73 |
+
എത്രയുമാഭി
|
74 |
+
എനിക്കു
|
75 |
+
എനിക്കെന്നു
|
76 |
+
എന്തുപോൽ
|
77 |
+
എന്നതുകൊണ്ടു
|
78 |
+
എന്നരികിൽ
|
79 |
+
എന്നിരിക്കവേ
|
80 |
+
എന്നെയും
|
81 |
+
എന്മനം
|
82 |
+
എരിതീയിൽ
|
83 |
+
ഏതു
|
84 |
+
ഏവ
|
85 |
+
ഏവനിതിനു
|
86 |
+
ഒന്നല്ലെനിക്കുള്ളാധി
|
87 |
+
ഒന്നു
|
88 |
+
ഒരു
|
89 |
+
ഒരുനാളും
|
90 |
+
ഒരുപോതും
|
91 |
+
ഒരുഭൂതത്തിനാലേവം
|
92 |
+
ഒളിവിലെന്തിരിക്കുന്നു
|
93 |
+
ഓർക്കൊല്ലാ
|
94 |
+
ഓർത്താലതു
|
95 |
+
കങ്കേളിചമ്പകാദികൾ
|
96 |
+
കണ്ടില്ലാ
|
97 |
+
കഥം
|
98 |
+
കഥനീയം
|
99 |
+
കഥയ
|
100 |
+
കഥയേ
|
101 |
+
കദനമവനു
|
102 |
+
കദനവും
|
103 |
+
കമനി
|
104 |
+
കമലയുമെപ്പോലേ
|
105 |
+
കമലലോചനാ
|
106 |
+
കരുണാകടാക്ഷമെന്നിൽ
|
107 |
+
കരുണാഭാജനേ
|
108 |
+
കലയ
|
109 |
+
കലയും
|
110 |
+
കലി
|
111 |
+
കല്പിച്ചയച്ചു
|
112 |
+
കളക
|
113 |
+
കളയൊല്ലാ
|
114 |
+
കളി
|
115 |
+
കളിക്ക്ഇടയിലാണ്
|
116 |
+
കളിപ്പൊളം
|
117 |
+
കാടുതോറും
|
118 |
+
കാട്ടിൽ
|
119 |
+
കാണാഞ്ഞെൻ
|
120 |
+
കാണും
|
121 |
+
കാണ്മേൻ
|
122 |
+
കാത്തുകൊള്ളേണം
|
123 |
+
കാനനമെങ്ങുമുഴന്നു
|
124 |
+
കാന്തനെ
|
125 |
+
കാന്തനെങ്ങുപോയി
|
126 |
+
കാന്തനോടചിരാൽ
|
127 |
+
കാന്തൻ
|
128 |
+
കാമക്രോധലോഭമോഹസൈന്യമുണ്ടു
|
129 |
+
കാമനീയകത്തിൻ
|
130 |
+
കാമിനീ
|
131 |
+
കാമ്യമല്ലിതുരണ്ടും
|
132 |
+
കാര്യം
|
133 |
+
കാലം
|
134 |
+
കാളയിതെൻപണയം
|
135 |
+
കാസി
|
136 |
+
കാൺകി
|
137 |
+
കിം
|
138 |
+
കിന്നരി
|
139 |
+
കിന്നരിയല്ല
|
140 |
+
കിമപി
|
141 |
+
കിമസി
|
142 |
+
കിമു
|
143 |
+
കിരീടം
|
144 |
+
കിഴക്കോ
|
145 |
+
കിസലയധാരേ
|
146 |
+
കീർത്തി
|
147 |
+
കീർത്തിയെമറ്റൊന്നില്ല
|
148 |
+
കീർത്ത്യാവഹമറിക
|
149 |
+
കുടയും
|
150 |
+
കുതിരയോ
|
151 |
+
കുയിൽക്കുലവും
|
152 |
+
കുറകയോ
|
153 |
+
കുലയുവതികൾമൗലിമാലേ
|
154 |
+
കുളിർത്തിതു
|
155 |
+
കുവലയവിലോചനേ
|
156 |
+
കുശലം
|
157 |
+
കേ
|
158 |
+
കേട്ടാനേ
|
159 |
+
കേട്ടു
|
160 |
+
കേട്ടുമില്ലാ
|
161 |
+
കേതകങ്ങളിൽ
|
162 |
+
കേനചിത്
|
163 |
+
കേളയി
|
164 |
+
കേളിനിമേലഹമത്രേ
|
165 |
+
കേളെന്നോടേ
|
166 |
+
കേവലം
|
167 |
+
കേൾ
|
168 |
+
കേൾക്കേണമെന്റെയാജ്ഞ
|
169 |
+
കേൾപ്പിക്കുന്നു
|
170 |
+
കൈക്കലാക്കിയവനെ
|
171 |
+
കൈക്കലാക്കുവൻ
|
172 |
+
കൈതവമില്ലേതു
|
173 |
+
കൈവെടിഞ്ഞാനേ
|
174 |
+
കൊടുക്കുമോ
|
175 |
+
കൊണ്ടങ്ങു
|
176 |
+
കൊണ്ടങ്ങുപോകിൽ
|
177 |
+
കൊതി
|
178 |
+
കൊതിച്ചതോതുക
|
179 |
+
കോളേ
|
180 |
+
ക്രീഡാതടാകമിതു
|
181 |
+
ക്ഷമിപ്പതിഹ
|
182 |
+
ക്ഷിതിപതിത്വമോ
|
183 |
+
ക്ഷുത്തൃഡാർത്തിലുപ്തചിത്തമാശ്രയി
|
184 |
+
കർമ്മം
|
185 |
+
ഖേദം
|
186 |
+
ഗതകദനേ
|
187 |
+
ഗഹനേ
|
188 |
+
ഗുണകൃതരതേ
|
189 |
+
ഗോധനവും
|
190 |
+
ഗ്രാമ്യം
|
191 |
+
ഗർവ്വിതഹംസകോകം
|
192 |
+
ഘോരമാകും
|
193 |
+
ഘോരവനത്തിൽനിന്നെഴുന്നതും
|
194 |
+
ങ്ങൊരുത്തനായ്
|
195 |
+
ച
|
196 |
+
ചഞ്ചുക്കളും
|
197 |
+
ചതിപ്പതിന്നിവനാഗതനായ്
|
198 |
+
ചതിയല്ലാ
|
199 |
+
ചത്തുപോകിലാമുടൻ
|
200 |
+
ചവിട്ടായ്ക
|
201 |
+
ചാമരവും
|
202 |
+
ചാമിവ
|
203 |
+
ചാരുശീലേ
|
204 |
+
ചാരേചെന്നങ്ങാരായേണം
|
205 |
+
ചിത്തം
|
206 |
+
ചിത്തതാരിലോർത്തുകാൺകിലെത്രയും
|
207 |
+
ചിന്തയ
|
208 |
+
ചിരം
|
209 |
+
ചിരിപ്പതിനവസര
|
210 |
+
ചൂതിനു
|
211 |
+
ചൂതിനുവാ
|
212 |
+
ചൂതിൽ
|
213 |
+
ചൂതുകൾ
|
214 |
+
ചൂതുപടം
|
215 |
+
ചൂതുപൊരുക
|
216 |
+
ചൂഴെ
|
217 |
+
ചെന്നങ്ങറിയേണം
|
218 |
+
ചെന്നൊ
|
219 |
+
ചെയ്ക
|
220 |
+
ചെയ്തതറിക
|
221 |
+
ചെയ്തും
|
222 |
+
ചെയ്യുന്ന
|
223 |
+
ചെയ്വേൻ
|
224 |
+
ചെൽവാൻ
|
225 |
+
ചേതസാ
|
226 |
+
ചേതസി
|
227 |
+
ചേരുമെന്നിൽ
|
228 |
+
ചേരുവതോ
|
229 |
+
ചൈത്രരഥവും
|
230 |
+
ചൊന്നതാചരിപ്പോരിലുന്നതാ
|
231 |
+
ചൊന്നാലറിയിക്കാമോ
|
232 |
+
ചൊല്ക
|
233 |
+
ചൊല്ലാം
|
234 |
+
ച്ചത്തൽമൂലം
|
235 |
+
ജഗദധിപതേ
|
236 |
+
ജനങ്ങളും
|
237 |
+
ജനപദവും
|
238 |
+
ജനയേ
|
239 |
+
ജന്മം
|
240 |
+
ജയത്തിൽ
|
241 |
+
ജയിച്ചതും
|
242 |
+
ജയിച്ചോർക്കു
|
243 |
+
ജളപ്രഭോ
|
244 |
+
ജാനേ
|
245 |
+
ജ്യേഷ്ഠൻ
|
246 |
+
ഝടിതി
|
247 |
+
ഞങ്ങളെ
|
248 |
+
ഞങ്ങളെക്കൊൽവാൻ
|
249 |
+
ഞങ്ങളെല്ലാം
|
250 |
+
ഞങ്ങൾ
|
251 |
+
ഞാ
|
252 |
+
ഞാനവളെ
|
253 |
+
ഞാനവൻ
|
254 |
+
ഞാനശേഷമോർത്തതിശോക
|
255 |
+
ഞാനിന്നു
|
256 |
+
ഞാനിഹ
|
257 |
+
ഞാനുറങ്ങിനേൻ
|
258 |
+
ഞാനെന്തേ
|
259 |
+
ഞാനോ
|
260 |
+
ഞാൻ
|
261 |
+
ഞാൻതന്നെ
|
262 |
+
ടുത്ത
|
263 |
+
തതിത്തരം
|
264 |
+
തത്ത്വം
|
265 |
+
തദനുമേയം
|
266 |
+
തനയ
|
267 |
+
തനയേ
|
268 |
+
തനിയേ
|
269 |
+
തന്നിലുണ്ടു
|
270 |
+
തന്നെ
|
271 |
+
തന്നൊരു
|
272 |
+
തന്വി
|
273 |
+
തപം
|
274 |
+
തപ്തതോയസിക്തമാലതീ
|
275 |
+
തരം
|
276 |
+
തരിക
|
277 |
+
തരുണീമണി
|
278 |
+
തരുന്നു
|
279 |
+
തളരുന്നിതല്ലോ
|
280 |
+
തളിരൊളിമെയ്യിതൊന്നു
|
281 |
+
തളിർത്തുമല്ലാതെ
|
282 |
+
തവ
|
283 |
+
തവതരമില്ലാ
|
284 |
+
തസ്യ
|
285 |
+
താത
|
286 |
+
താനാരെന്നെന്നൊടു
|
287 |
+
താനും
|
288 |
+
താനേ
|
289 |
+
താനേതൊരുത്തനെന്നു
|
290 |
+
താനൊരിടംനോക്കി
|
291 |
+
താമസിക്കരുതു
|
292 |
+
തിമിരം
|
293 |
+
തിരഞ്ഞവരറിയിക്കും
|
294 |
+
തിരവാനും
|
295 |
+
തിരസ്കരിണിയുള്ള
|
296 |
+
തുടരുന്നു
|
297 |
+
തെക്കോ
|
298 |
+
തേ
|
299 |
+
തേടും
|
300 |
+
തേടുവനോ
|
301 |
+
തൊരുനാളും
|
302 |
+
തൊഴുതേൻ
|
303 |
+
തോയും
|
304 |
+
തോറ്റാൽ
|
305 |
+
തോറ്റു
|
306 |
+
ത്രപയൊന്നേ
|
307 |
+
തൻ
|
308 |
+
ദമയന്തി
|
309 |
+
ദമയന്തിയോടൊപ്പം
|
310 |
+
ദമസോദരീ
|
311 |
+
ദയാസിന്ധോ
|
312 |
+
ദയിത
|
313 |
+
ദയിതേ
|
314 |
+
ദശാദോഷമതേഷാ
|
315 |
+
ദഹനശമനവരുണൈരമാ
|
316 |
+
ദിശി
|
317 |
+
ദുഷ്കരമായിട്ടൊന്നുമില്ല
|
318 |
+
ദുർഗ്ഗതമേ
|
319 |
+
ദുർവ്വാക്കുകൾ
|
320 |
+
ദൂരത്തുന്നാരും
|
321 |
+
ദൂരെയിരുന്നാൽനേരറിയാമോ
|
322 |
+
ദൂരെയെല്ലാം
|
323 |
+
ദൃഢംജാനേ
|
324 |
+
ദേവദൈത്യമാനുഷേഷു
|
325 |
+
ദേവനം
|
326 |
+
ദേവനിർമ്മിതം
|
327 |
+
ദേവനേ
|
328 |
+
ദേവിയല്ലറിക
|
329 |
+
ദേവീ
|
330 |
+
ദൈവദോഷം
|
331 |
+
ദ്യുത
|
332 |
+
ധന
|
333 |
+
ധനവും
|
334 |
+
ധന്യനായതു
|
335 |
+
ധരണിയിലുള്ള
|
336 |
+
ധരിച്ചു
|
337 |
+
ധരിത്രിയെച്ചെറിയന്നേ
|
338 |
+
ധരിപ്പതിനരിപ്പമല്ലോ
|
339 |
+
ധാന്യം
|
340 |
+
ധാമം
|
341 |
+
ധർമ്മ
|
342 |
+
ന
|
343 |
+
നക്തമാലമസ്തമൂലമിവ
|
344 |
+
നഗരവും
|
345 |
+
നടകൊണ്ടാലും
|
346 |
+
നടന്നാനോ
|
347 |
+
നടന്നുപോം
|
348 |
+
നടന്നൂഢവിവശഭാവം
|
349 |
+
നടുവിൽ
|
350 |
+
നന്ദനവനമരമ്യം
|
351 |
+
നന്നേ
|
352 |
+
നമുക്കില്ലാ
|
353 |
+
നമുക്കിളപ്പമായ്വരും
|
354 |
+
നമുക്കു
|
355 |
+
നമുക്കും
|
356 |
+
നമുക്കെല്ലാം
|
357 |
+
നമുക്കൊന്നുള്ളു
|
358 |
+
നമ്മെ
|
359 |
+
നമ്മെക്കാണ്മാൻ
|
360 |
+
നമ്മെക്കൊണ്ടുപകാരം
|
361 |
+
നല്ല
|
362 |
+
നല്ലൂ
|
363 |
+
നള
|
364 |
+
നളം
|
365 |
+
നളദയിതേ
|
366 |
+
നളനിൽ
|
367 |
+
നളനു
|
368 |
+
നളനും
|
369 |
+
നളനെച്ചെന്നു
|
370 |
+
നളനെവെന്നു
|
371 |
+
നളിനാക്ഷ
|
372 |
+
നളൻ
|
373 |
+
നവയൗവനവും
|
374 |
+
നഷ്ടം
|
375 |
+
നഹി
|
376 |
+
നാം
|
377 |
+
നാഗരികജനങ്ങളും
|
378 |
+
നാടതിലിരിക്കിലോ
|
379 |
+
നാടു
|
380 |
+
നാടും
|
381 |
+
നാടുമൊക്കെയും
|
382 |
+
നാട്ടിലോ
|
383 |
+
നാട്ടിൻ
|
384 |
+
നാഥനാരിനിക്കെന്നധുനാ
|
385 |
+
നാമം
|
386 |
+
നാമിങ്ങിരുന്നാലോ
|
387 |
+
നാരിയോടും
|
388 |
+
നാലുദിക്കും
|
389 |
+
നാശുത്വം
|
390 |
+
നാൾ
|
391 |
+
നാൾതോറും
|
392 |
+
നിങ്ങടെ
|
393 |
+
നിങ്ങളെ
|
394 |
+
നിങ്ങൾക്കെന്തോന്നുവേണ്ടൂ
|
395 |
+
നിജജനേ
|
396 |
+
നിധിസ്ഥലങ്ങളു
|
397 |
+
നിനക്കവിടെയും
|
398 |
+
നിനക്കില്ലിനി
|
399 |
+
നിനക്കു
|
400 |
+
നിനക്കുതനയരുണ്ടെന്നിരിക്കിലും
|
401 |
+
നിനയാതെ
|
402 |
+
നിനയ്ക്കിൽ
|
403 |
+
നിനയ്ക്കുന്നാകിൽ
|
404 |
+
നിന്നതാരെ
|
405 |
+
നിന്നു
|
406 |
+
നിന്നുടെ
|
407 |
+
നിന്നെ
|
408 |
+
നിന്നെക്കണ്ടതിനാലേ
|
409 |
+
നിന്നെക്കൈവെടിഞ്ഞു
|
410 |
+
നിന്നെച്ചതിച്ച
|
411 |
+
നിന്നെയും
|
412 |
+
നിന്നൊടെടോ
|
413 |
+
നിന്റെ
|
414 |
+
നിയെൻ
|
415 |
+
നിയൊരുമിക്കും
|
416 |
+
നിരത്തുക
|
417 |
+
നിരത്തുകമ്പൊടു
|
418 |
+
നിരൂപിതമല്ലേ
|
419 |
+
നിറയുന്നു
|
420 |
+
നിലച്ചു
|
421 |
+
നില്ലാ
|
422 |
+
നിളപ്പമല്പവും
|
423 |
+
നിശാമദ്ധ്യേ
|
424 |
+
നിശ്ചിതമാമിഹ
|
425 |
+
നിഷധസദനേ
|
426 |
+
നിഷ്ഫലമാക്കരുതേ
|
427 |
+
നിസ്ത്രപ
|
428 |
+
നിസ്ത്രപനാമിവനെസ്സമ്മാനിക്കൊല്ലാ
|
429 |
+
നിൻ
|
430 |
+
നിർവൃതികരങ്ങളിലീവണ്ണം
|
431 |
+
നിൽക്ക
|
432 |
+
നീ
|
433 |
+
നീചത്വം
|
434 |
+
നീയപ്പോലേ
|
435 |
+
നീയപ്രതിമേ
|
436 |
+
നീയല്ലേ
|
437 |
+
നീയിഹ
|
438 |
+
നീയു
|
439 |
+
നീയും
|
440 |
+
നീയെന്തഴൽ
|
441 |
+
നീയെന്തെന്നിൽ
|
442 |
+
നീയെന്നനുജൻ
|
443 |
+
നീയെന്നെ
|
444 |
+
നീരസമത്രേ
|
445 |
+
നുറപ്പു
|
446 |
+
നൂനം
|
447 |
+
നൂനമീവിപത്തെല്ലാം
|
448 |
+
നേരെ
|
449 |
+
നേരേ
|
450 |
+
നേർത്തിരിയെന്നൊടു
|
451 |
+
നൈഷധേന്ദ്രൻ
|
452 |
+
നൈഷധൻ
|
453 |
+
ന്തഭിമതം
|
454 |
+
ന്നതീവ
|
455 |
+
നൽകുവൻ
|
456 |
+
പകച്ചുപോയിതോ
|
457 |
+
പക്ഷങ്ങൾ
|
458 |
+
പക്ഷികളിതാ
|
459 |
+
പടംനോക്കിയുടൻ
|
460 |
+
പടിഞ്ഞാറോ
|
461 |
+
പട്ടും
|
462 |
+
പണയ
|
463 |
+
പതിതനായ്
|
464 |
+
പതിപ്രിയാചരണാവഹിതായെന്നതതിപ്രയാസമൃതേ
|
465 |
+
പരമരണണീയങ്ങൾ
|
466 |
+
പരമാർത്ഥമെല്ലാം
|
467 |
+
പരവശപ്പെട്ടു
|
468 |
+
പരിചെഴും
|
469 |
+
പരിണാമമീദൃശമോ
|
470 |
+
പരിഭൂതൻ
|
471 |
+
പരിഷകൾ
|
472 |
+
പരിഹാസകലവികളാലേ
|
473 |
+
പറകി
|
474 |
+
പറഞ്ഞു
|
475 |
+
പറയാം
|
476 |
+
പറിപ്പാൻ
|
477 |
+
പലരുണ്ടേ
|
478 |
+
പലവക
|
479 |
+
പല്ലവാംഗീ
|
480 |
+
പല്ലവി
|
481 |
+
പഴുതായോ
|
482 |
+
പഴുതേ
|
483 |
+
പാടലപടലിയിൽ
|
484 |
+
പാട്ടി
|
485 |
+
പാദയുഗമാദരേണ
|
486 |
+
പാരം
|
487 |
+
പാരമുദിക്കും
|
488 |
+
പാരിലെന്നെയിന്നാരറിയാത്തവർ
|
489 |
+
പാവനചരിതേ
|
490 |
+
പാർത്തിരിയാതെ
|
491 |
+
പാർത്ഥിവ
|
492 |
+
പാർമേൽ
|
493 |
+
പിണഞ്ഞൂ
|
494 |
+
പിന്നെ
|
495 |
+
പിരിഞ്ഞതിലലം
|
496 |
+
പിരിയാതെയിവിടെയും
|
497 |
+
പിറന്നേനേ
|
498 |
+
പിൻപേ
|
499 |
+
പുക്കാനേ
|
500 |
+
പുകൾ
|
501 |
+
പുതിയ
|
502 |
+
പുത്രനത്രേ
|
503 |
+
പുനരാരെന്നും
|
504 |
+
പുനരെന്നെയും
|
505 |
+
പുരത്തിൽ
|
506 |
+
പുരവാസികശോ��ായി
|
507 |
+
പുരവും
|
508 |
+
പുരവൈരി
|
509 |
+
പുരാപുണ്യം
|
510 |
+
പുരിയിലോ
|
511 |
+
പുരുഭുതികളെപ്പോലെ
|
512 |
+
പുറത്തു
|
513 |
+
പുറപ്പെട്ടേനേ
|
514 |
+
പുഷ്കര
|
515 |
+
പുഷ്കരനെ
|
516 |
+
പുഷ്കരൻ
|
517 |
+
പുഷ്കലമാധിപത്യം
|
518 |
+
പുഷ്പകരനു
|
519 |
+
പൂണ്ടാചരിപ്പൻ
|
520 |
+
പൂണ്മേൻ
|
521 |
+
പൂത്തും
|
522 |
+
പൂത്തുനില്ക്കുന്നു
|
523 |
+
പെടുന്നാകിലുടൻ
|
524 |
+
പെരുത്ത
|
525 |
+
പെരുത്തെഴും
|
526 |
+
പെരുമാറുന്നതു
|
527 |
+
പേടി
|
528 |
+
പേർത്തും
|
529 |
+
പേർത്തുമൊന്നില്ലിവിടെക്കാണ്മാൻ
|
530 |
+
പൊന്മയക്രീഡാ
|
531 |
+
പൊഴുതിലംബുജവനിക്കുള്ളോ
|
532 |
+
പൊൻനിറമാം
|
533 |
+
പോകുന്നു
|
534 |
+
പോയതുകൊണ്ടാടലേതുമില്ല
|
535 |
+
പോയതുമൊഴിയാതോ
|
536 |
+
പോയി
|
537 |
+
പോയ്
|
538 |
+
പോയ്വരുവാനും
|
539 |
+
പോരാ
|
540 |
+
പോരാളികളാധിതമന്മഥ
|
541 |
+
പോരിക
|
542 |
+
പോരിലണഞ്ഞാലാരിലുമുണ്ടോ
|
543 |
+
പോൽ
|
544 |
+
പ്രജകളെ
|
545 |
+
പ്രതികരിഷ്യാമി
|
546 |
+
പ്രവാഹത്തിൽ
|
547 |
+
പ്രാഗൽഭ്യം
|
548 |
+
പ്രാണനാഥൻതന്നെ
|
549 |
+
പ്രാണേശനോടും
|
550 |
+
പ്രിയനെ
|
551 |
+
പ്രിയൻ
|
552 |
+
പ്രീതി
|
553 |
+
പ്രോഷിതേതി
|
554 |
+
പർവ്വതമെത്രയും
|
555 |
+
ഫലിച്ചു
|
556 |
+
ബന്ധമെന്തെനിക്കേവം
|
557 |
+
ബന്ധവോ
|
558 |
+
ബഹു
|
559 |
+
ബഹുധനങ്ങൾ
|
560 |
+
ബാലേ
|
561 |
+
ബാഹുജനെന്നുള്ളതേ
|
562 |
+
ബുദ്ധികൃ
|
563 |
+
ബുദ്ധിപൂർവമിത്യുപായനൈപുണി
|
564 |
+
ബ്രൂഷ
|
565 |
+
ഭക്ഷണാർത്ഥമിക്ഷണേന
|
566 |
+
ഭഗവാനും
|
567 |
+
ഭണ്ഡാഗാരവും
|
568 |
+
ഭയം
|
569 |
+
ഭരിച്ചതും
|
570 |
+
ഭവദുപകൃതേരഹം
|
571 |
+
ഭാഗധേയമോ
|
572 |
+
ഭാഗ്യം
|
573 |
+
ഭാവമിളപ്പെട്ടില്ലയോ
|
574 |
+
ഭാവിച്ചതും
|
575 |
+
ഭാഷണം
|
576 |
+
ഭീമസുതയെന്നൊരു
|
577 |
+
ഭീരുത
|
578 |
+
ഭീരുതയെന്നേ
|
579 |
+
ഭീഷിതാസി
|
580 |
+
ഭൂദേവർ
|
581 |
+
ഭൂപന്മാർ
|
582 |
+
ഭൂപാലന്വയത്തിൽ
|
583 |
+
ഭൂമി
|
584 |
+
ഭൂമിയെന്നതുപോലെ
|
585 |
+
ഭൂയോ
|
586 |
+
ഭൂരിധനവും
|
587 |
+
ഭൂരുഹങ്ങളിൽ
|
588 |
+
ഭൂഷണവും
|
589 |
+
ഭൂഷിതാ
|
590 |
+
ഭൂസുരാനോരോ
|
591 |
+
ഭൃംഗാളി
|
592 |
+
ഭേദമെന്തിവിടെ
|
593 |
+
ഭൈമിതടയുമ്പോൾ
|
594 |
+
ഭൈമിയും
|
595 |
+
ഭൈമിയെയുമൊല്ലാ
|
596 |
+
ഭൈമീ
|
597 |
+
ഭൗമനെന്നിരുന്നു
|
598 |
+
മംഗനമാർചരണങ്ങൾ
|
599 |
+
മംഗലമേ
|
600 |
+
മംഗലരൂപിണി
|
601 |
+
മംഗലാകൃതേ
|
602 |
+
മണി
|
603 |
+
മതംതേഹം
|
604 |
+
മതിപ്രഗൽഭത
|
605 |
+
മതിപ്രിയാസി
|
606 |
+
മതിൽപ്പരം
|
607 |
+
മത്തകോകിലമായൊരുദ്യാനമതിൽ
|
608 |
+
മത്സഹായമുണ്ടായാലേവനും
|
609 |
+
മദനന്റെ
|
610 |
+
മദീയമതേ
|
611 |
+
മധുരത
|
612 |
+
മനതാരിലുണ്ടൊന്നുന്മിഷിതം
|
613 |
+
മനോരഥം
|
614 |
+
മന്ത്രിയെവിളിച്ച്
|
615 |
+
മന്നിലീവണ്ണമുണ്ടോ
|
616 |
+
മന്യേ
|
617 |
+
മമ
|
618 |
+
മമത
|
619 |
+
മരവുരി
|
620 |
+
മരിക്കിലും
|
621 |
+
മരുവി
|
622 |
+
മരുവും
|
623 |
+
മരുവുക
|
624 |
+
മറ്റൊന്നില്ല
|
625 |
+
മല്ലാക്ഷി
|
626 |
+
മഹാജനങ്ങളും
|
627 |
+
മാം
|
628 |
+
മാഞ്ഞിതോ
|
629 |
+
മാഞ്ഞുപോയിതോ
|
630 |
+
മാഞ്ഞൂ
|
631 |
+
മാനസി
|
632 |
+
മാനേലുംകണ്ണികൾമണി
|
633 |
+
മാമപി
|
634 |
+
മായും
|
635 |
+
മിണ്ടാതേ
|
636 |
+
മിതി
|
637 |
+
മിത്രം
|
638 |
+
മിരിക്ക
|
639 |
+
മിരിപ്പതു
|
640 |
+
മിളപ്പമാകിലുമനുഭവനീയം
|
641 |
+
മുഖമഭിമുഖം
|
642 |
+
മുന്ന
|
643 |
+
മുന്നമേ
|
644 |
+
മുന്നേ
|
645 |
+
മുറ്റും
|
646 |
+
മുഴുകിയെൻമാനസം
|
647 |
+
മുഴുകുമാറായിതിദാനീം
|
648 |
+
മുഹുരപി
|
649 |
+
മുൻപത്തെകാലത്തിൽ
|
650 |
+
മൂലം
|
651 |
+
മൃഗാങ്കനുദിക്കയല്ലീ
|
652 |
+
മൃത്യുവൈരിഭക്തി
|
653 |
+
മേ
|
654 |
+
മേന്മേൽ
|
655 |
+
മേൽക്കുമേലേ
|
656 |
+
മൊന്നല്ല
|
657 |
+
മൊഴി
|
658 |
+
മോഹാർണ്ണവത്തിൻ
|
659 |
+
യദി
|
660 |
+
യസ്തമിപ്പിച്ചതും
|
661 |
+
യാമി
|
662 |
+
യാസി
|
663 |
+
യെല്ലാമെനിക്കു
|
664 |
+
യോഗ്യം
|
665 |
+
യോഷമാർമകുടഭൂഷയായൊരുനി
|
666 |
+
രക്ഷിപ്പാൻ
|
667 |
+
രതിപ്രഭേ
|
668 |
+
രത്തലെന���നിയേവാഴ്ക
|
669 |
+
രഥമാളാന
|
670 |
+
രമിക്ക
|
671 |
+
രഴലെ
|
672 |
+
രാജ്യം
|
673 |
+
രാജ്യമൊരിക്കലും
|
674 |
+
രാമ്യമിതിനുണ്ടതു
|
675 |
+
രുജാവേശാവശൈവാശു
|
676 |
+
രൂപത്തിന്
|
677 |
+
റിയുന്നതോ
|
678 |
+
ലബ്ധമല്ലോ
|
679 |
+
ലബ്ധമുല്ലാസത്തോടി
|
680 |
+
ലഭിച്ചു
|
681 |
+
ലാളിതമനിശം
|
682 |
+
ലിരുത്തി
|
683 |
+
ലേഷഞാൻ
|
684 |
+
ലൊഴിഞ്ഞു
|
685 |
+
ലോഭിത
|
686 |
+
ളെനിക്കിപ്പോളാധി
|
687 |
+
വക്രയമില്ലെന്നാകിലെന്തെടോ
|
688 |
+
വചനം
|
689 |
+
വഞ്ചകനവൻ
|
690 |
+
വഞ്ചനവും
|
691 |
+
വടക്കോ
|
692 |
+
വണങ്ങുമോ
|
693 |
+
വണ്ടിൻചാർത്തും
|
694 |
+
വദ
|
695 |
+
വന
|
696 |
+
വനം
|
697 |
+
വനത്തിലേക്കു
|
698 |
+
വനഭുവി
|
699 |
+
വനവാസം
|
700 |
+
വനേ
|
701 |
+
വന്നതെന്തെന്നാരറിഞ്ഞു
|
702 |
+
വന്നിടരെല്ലാം
|
703 |
+
വന്നിതിജ്ജനവും
|
704 |
+
വന്നിതു
|
705 |
+
വന്നീടിനതദ്ഭുതമദ്ഭുതമദ്ഭുതമേ
|
706 |
+
വന്നു
|
707 |
+
വന്നെതിർപ്പതിതുകാൺ
|
708 |
+
വയ്ക്കചൂതിനായെന്നെപ്പണയം
|
709 |
+
വയ്ക്കവേണമെങ്കിലെന്തുചെയ്വതു
|
710 |
+
വയ്ക്കൊരു
|
711 |
+
വരാഞ്ഞൂ
|
712 |
+
വരായ്കിൽ
|
713 |
+
വരിക
|
714 |
+
വരികയില്ല
|
715 |
+
വരികിലേറെ
|
716 |
+
വരിച്ചു
|
717 |
+
വരിപ്പുലി
|
718 |
+
വരു
|
719 |
+
വരുത്തി
|
720 |
+
വരുവതതിനിതെന്നുമറിക
|
721 |
+
വരുവാൻ
|
722 |
+
വല
|
723 |
+
വലച്ചു
|
724 |
+
വലിപ്പമാകിലുമനല്പമാ
|
725 |
+
വളരുന്നു
|
726 |
+
വഴിപോലേ
|
727 |
+
വശാലിപ്പോൾ
|
728 |
+
വസന്തമായാതം
|
729 |
+
വസിക്കുമോരോ
|
730 |
+
വസ്തുസമ്പത്തുകളും
|
731 |
+
വസ്ത്രതണ്ഡുലാദികൾ
|
732 |
+
വസ്ത്രമിതു
|
733 |
+
വസ്ത്രമേതുദുത്സൃജാമി
|
734 |
+
വഹസി
|
735 |
+
വാഞ്ഛിതം
|
736 |
+
വാണീടാം
|
737 |
+
വാതു
|
738 |
+
വാതുചൊല്ലിപ്പൊരുതുചൂതു
|
739 |
+
വാതുചൊൽക
|
740 |
+
വാമ്യം
|
741 |
+
വാളും
|
742 |
+
വാഴ്ക
|
743 |
+
വാഴ്ത്തുന്നു
|
744 |
+
വാസത്തിനു
|
745 |
+
വാഹനങ്ങൾ
|
746 |
+
വികല്പമിഹ
|
747 |
+
വികിരങ്ങളല്ലാ
|
748 |
+
വികൃതഹൃദയ
|
749 |
+
വിക്രമേണ
|
750 |
+
വിചാരിച്ചോളവും
|
751 |
+
വിചിത്രം
|
752 |
+
വിജനസംവാസം
|
753 |
+
വിജയം
|
754 |
+
വിട
|
755 |
+
വിടുക
|
756 |
+
വിടുന്നോളല്ലിവൾ
|
757 |
+
വിടുമോ
|
758 |
+
വിട്ടൗചിത്യം
|
759 |
+
വിദർഭനന്ദിനി
|
760 |
+
വിനാ
|
761 |
+
വിനോദനായ
|
762 |
+
വിപദി
|
763 |
+
വിപിനേ
|
764 |
+
വിപുലമഹിമ
|
765 |
+
വിഫലം
|
766 |
+
വിഭവം
|
767 |
+
വിഭൂതികളും
|
768 |
+
വിമുഖനറികിൽ
|
769 |
+
വിരവിൽ
|
770 |
+
വിരസത
|
771 |
+
വിരിഞ്ചവിരചിതമവഞ്ചനമവനിയിൽ
|
772 |
+
വിരുതുള്ള
|
773 |
+
വിലാസിനി
|
774 |
+
വില്ലുമമ്പും
|
775 |
+
വിളംബകാലത്തിൽ
|
776 |
+
വിളിപ്പതും
|
777 |
+
വിവിധമാം
|
778 |
+
വിശദം
|
779 |
+
വിശാമീശ
|
780 |
+
വിശേഷിച്ചുണ്ടെനിക്കാധി
|
781 |
+
വിശ്രാണിക്കൊല്ലാ
|
782 |
+
വിഷമമീദശാവന്തരം
|
783 |
+
വിസ്തരിച്ചുപറയേണ്ടതെന്തിവിടെ
|
784 |
+
വിസ്തരിപ്പിച്ചതും
|
785 |
+
വിസ്തൃതം
|
786 |
+
വീണു
|
787 |
+
വീതഖേദമിഹ
|
788 |
+
വീരവരാണാം
|
789 |
+
വീരസേനസൂനോ
|
790 |
+
വീരൻ
|
791 |
+
വൃത്തമായി
|
792 |
+
വൃഥാ
|
793 |
+
വൃഷത്തിനെത്തരുമാറല്ലയോ
|
794 |
+
വെടിഞ്ഞെന്നെ
|
795 |
+
വെറുതേ
|
796 |
+
വെൽവാൻ
|
797 |
+
വേണ്ടും
|
798 |
+
വേറെ
|
799 |
+
വേലയിതെല്ലാം
|
800 |
+
വേഴ്ച
|
801 |
+
വേഷമെന്തിതതിദയനീയം
|
802 |
+
വേർ
|
803 |
+
വേർപിരിഞ്ഞാധി
|
804 |
+
വൈരസേനിക്കിഹ
|
805 |
+
വൈരസേനേ
|
806 |
+
വൈരി
|
807 |
+
വൈരികളായ്
|
808 |
+
വൈരിണീ
|
809 |
+
വൈരിവിപിനദാവകൃശാനോ
|
810 |
+
വ്യയത്തിലുണ്ടോ
|
811 |
+
വ്രീളയിതിനില്ലാഞ്ഞോ
|
812 |
+
വൻകാട്ടിന്നകത്ത
|
813 |
+
വൻപടയും
|
814 |
+
ശങ്ക
|
815 |
+
ശങ്കേ
|
816 |
+
ശമയേ
|
817 |
+
ശയായ്പ്പോയി
|
818 |
+
ശുഷ്കകാനനേ
|
819 |
+
ശൃണു
|
820 |
+
ശേഷമെന്നൊടിതശേഷവും
|
821 |
+
സംഹരിക്കും
|
822 |
+
സംഹരിച്ചോ
|
823 |
+
സങ്കടേ
|
824 |
+
സഞ്ചരിപ്പതിനിടയിലോ
|
825 |
+
സതി
|
826 |
+
സദനേ
|
827 |
+
സന്തത
|
828 |
+
സന്താപം
|
829 |
+
സന്ദേഹമില്ല
|
830 |
+
സപദി
|
831 |
+
സമയേ
|
832 |
+
��മാശ്വസിതം
|
833 |
+
സമ്പ്രതി
|
834 |
+
സാധിപ്പിക്കും
|
835 |
+
സാമ്പ്രതം
|
836 |
+
സാമ്യം
|
837 |
+
സാമ്യമകന്നോരുദ്യാനം
|
838 |
+
സാർവ
|
839 |
+
സുഖം
|
840 |
+
സുഖമെനിക്കഹോ
|
841 |
+
സുഖമോ
|
842 |
+
സുതനേ
|
843 |
+
സുദതി
|
844 |
+
സുദിനമിന്നു
|
845 |
+
സുദേവ
|
846 |
+
സുദേവനാം
|
847 |
+
സുന്ദരി
|
848 |
+
സുന്ദരീ
|
849 |
+
സുമുഖി
|
850 |
+
സുരനായകവരത്തിൽ
|
851 |
+
സുരപതിക്കുടനേ
|
852 |
+
സുരപതേ
|
853 |
+
സുരാധിപ
|
854 |
+
സുസഹായം
|
855 |
+
സേവിച്ചതും
|
856 |
+
സൈനികമോ
|
857 |
+
സോദരസഖമറിക
|
858 |
+
സ്മരപരവശനായി
|
859 |
+
സ്വാമിയതിനു
|
860 |
+
സ്വൈരമായിരുന്ന
|
861 |
+
സർവ
|
862 |
+
സർവ്വർത്തുരമണീയമേതത്
|
863 |
+
ഹരിത്പതികൾ
|
864 |
+
ഹൃതമായി
|
865 |
+
ഹൃദയേ
|
866 |
+
ഹേ
|
867 |
+
ൻ
|
preprocessor_config.json
ADDED
@@ -0,0 +1,8 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"do_normalize": true,
|
3 |
+
"feature_size": 1,
|
4 |
+
"padding_side": "right",
|
5 |
+
"padding_value": 0.0,
|
6 |
+
"return_attention_mask": true,
|
7 |
+
"sampling_rate": 16000
|
8 |
+
}
|
pytorch_model.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:b5c39014b08099f35aa8eab263323ff24c61f959eddd9d50dc9716ab0df8afee
|
3 |
+
size 1262245399
|
special_tokens_map.json
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
{"bos_token": "<s>", "eos_token": "</s>", "unk_token": "[UNK]", "pad_token": "[PAD]"}
|
tokenizer_config.json
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
{"unk_token": "[UNK]", "bos_token": "<s>", "eos_token": "</s>", "pad_token": "[PAD]", "do_lower_case": false, "word_delimiter_token": "|"}
|
vocab.json
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
{"ർ": 0, "സ": 1, "ം": 2, "ഋ": 3, "ഹ": 4, "ധ": 5, "ഢ": 6, "ഠ": 7, "ട": 8, "പ": 9, "യ": 10, "ീ": 11, "ക": 12, "ര": 14, "ഏ": 15, "ഉ": 16, "ൃ": 17, "ൺ": 18, "ണ": 19, "ി": 20, "": 21, "ൽ": 22, "ൊ": 23, "ല": 24, "ൗ": 25, "ഘ": 26, "ൌ": 27, "ദ": 28, "ബ": 29, "ഛ": 30, "ഝ": 31, "ഊ": 32, "ന": 33, "ോ": 34, "൱": 35, "ഇ": 36, "ഐ": 37, "ൈ": 38, "ഃ": 39, "ാ": 40, "ച": 41, "േ": 42, "ഥ": 43, "ഡ": 44, "എ": 45, "ഷ": 46, "ആ": 47, "അ": 48, "മ": 49, "ഒ": 50, "ശ": 51, "ഖ": 52, "ഫ": 53, "ു": 54, "ഗ": 55, "ള": 56, "ഓ": 57, "ൂ": 58, "വ": 59, "ഞ": 60, "റ": 61, "ഭ": 62, "ൻ": 63, "ൾ": 64, "ഈ": 65, "്": 66, "െ": 67, "ങ": 68, "ത": 69, "ജ": 70, "": 71, "ഔ": 72, "ഴ": 73, "|": 13, "[UNK]": 74, "[PAD]": 75}
|