├── src ├── h01_data │ └── __init__.py ├── h02_learn │ ├── __init__.py │ ├── model │ │ ├── __init__.py │ │ ├── data_parallel.py │ │ └── base.py │ ├── train_info.py │ └── dataset │ │ ├── __init__.py │ │ └── dep_label.py └── util │ ├── constants.py │ └── util.py ├── activate.sh ├── environment.yml ├── results ├── compiled_dep_label.tsv └── compiled_pos_tag.tsv ├── LICENSE ├── README.md ├── .gitignore ├── Makefile └── checkpoints ├── pos_tag ├── czech │ ├── bert │ │ └── all_results.txt │ ├── fast │ │ └── all_results.txt │ ├── onehot │ │ └── all_results.txt │ └── random │ │ └── all_results.txt ├── tamil │ ├── bert │ │ └── all_results.txt │ ├── fast │ │ └── all_results.txt │ ├── onehot │ │ └── all_results.txt │ └── random │ │ └── all_results.txt ├── urdu │ ├── bert │ │ └── all_results.txt │ └── fast │ │ └── all_results.txt ├── basque │ ├── bert │ │ └── all_results.txt │ ├── fast │ │ └── all_results.txt │ ├── onehot │ │ └── all_results.txt │ └── random │ │ └── all_results.txt ├── english │ ├── bert │ │ └── all_results.txt │ ├── fast │ │ └── all_results.txt │ ├── onehot │ │ └── all_results.txt │ └── random │ │ └── all_results.txt ├── finnish │ ├── bert │ │ └── all_results.txt │ ├── fast │ │ └── all_results.txt │ ├── onehot │ │ └── all_results.txt │ └── random │ │ └── all_results.txt ├── indonesian │ ├── bert │ │ └── all_results.txt │ └── fast │ │ └── all_results.txt ├── korean │ ├── bert │ │ └── all_results.txt │ ├── fast │ │ └── all_results.txt │ ├── onehot │ │ └── all_results.txt │ └── random │ │ └── all_results.txt ├── marathi │ ├── bert │ │ └── all_results.txt │ ├── fast │ │ └── all_results.txt │ ├── onehot │ │ └── all_results.txt │ └── random │ │ └── all_results.txt ├── telugu │ ├── bert │ │ └── all_results.txt │ ├── fast │ │ └── all_results.txt │ └── onehot │ │ └── all_results.txt └── turkish │ ├── bert │ └── all_results.txt │ └── fast │ └── all_results.txt └── dep_label ├── basque ├── bert │ └── all_results.txt └── fast │ └── all_results.txt ├── czech ├── bert │ └── all_results.txt ├── fast │ └── all_results.txt ├── onehot │ └── all_results.txt └── random │ └── all_results.txt ├── english ├── bert │ └── all_results.txt └── fast │ └── all_results.txt ├── finnish ├── bert │ └── all_results.txt └── fast │ └── all_results.txt ├── korean ├── bert │ └── all_results.txt └── fast │ └── all_results.txt ├── marathi ├── bert │ └── all_results.txt └── fast │ └── all_results.txt ├── tamil ├── bert │ └── all_results.txt ├── fast │ └── all_results.txt ├── onehot │ └── all_results.txt └── random │ └── all_results.txt ├── telugu ├── bert │ └── all_results.txt └── fast │ └── all_results.txt ├── turkish ├── bert │ └── all_results.txt └── fast │ └── all_results.txt ├── urdu ├── bert │ └── all_results.txt ├── fast │ └── all_results.txt ├── onehot │ └── all_results.txt └── random │ └── all_results.txt └── indonesian ├── bert └── all_results.txt └── fast └── all_results.txt /src/h01_data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/h02_learn/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /activate.sh: -------------------------------------------------------------------------------- 1 | conda activate probe-as-mi -------------------------------------------------------------------------------- /src/h02_learn/model/__init__.py: -------------------------------------------------------------------------------- 1 | from .mlp import MLP 2 | from .data_parallel import TransparentDataParallel 3 | -------------------------------------------------------------------------------- /environment.yml: -------------------------------------------------------------------------------- 1 | name: probe-as-mi 2 | channels: 3 | - defaults 4 | - conda-forge 5 | - pytorch 6 | dependencies: 7 | - python=3.7 8 | - numpy 9 | - pandas 10 | - scikit-learn 11 | - tqdm 12 | - matplotlib 13 | - pylint 14 | - pip 15 | - pip: 16 | - seaborn 17 | - ipdb 18 | - conllu 19 | -------------------------------------------------------------------------------- /src/util/constants.py: -------------------------------------------------------------------------------- 1 | import torch 2 | 3 | 4 | device = torch.device('cuda' if torch.cuda.is_available() else 'cpu') 5 | 6 | LANGUAGE_CODES = { 7 | 'english': 'en', 8 | 'czech': 'cs', 9 | 'basque': 'eu', 10 | 'finnish': 'fi', 11 | 'turkish': 'tr', 12 | 'tamil': 'ta', 13 | 'korean': 'ko', 14 | 'marathi': 'mr', 15 | 'urdu': 'ur', 16 | 'telugu': 'te', 17 | 'indonesian': 'id', 18 | } 19 | -------------------------------------------------------------------------------- /src/h02_learn/model/data_parallel.py: -------------------------------------------------------------------------------- 1 | import torch.nn as nn 2 | 3 | 4 | class TransparentDataParallel(nn.DataParallel): 5 | 6 | def set_best(self, *args, **kwargs): 7 | return self.module.set_best(*args, **kwargs) 8 | 9 | def recover_best(self, *args, **kwargs): 10 | return self.module.recover_best(*args, **kwargs) 11 | 12 | def save(self, *args, **kwargs): 13 | return self.module.save(*args, **kwargs) 14 | 15 | def train_batch(self, *args, **kwargs): 16 | return self.module.train_batch(*args, **kwargs) 17 | 18 | def eval_batch(self, *args, **kwargs): 19 | return self.module.eval_batch(*args, **kwargs) 20 | -------------------------------------------------------------------------------- /results/compiled_dep_label.tsv: -------------------------------------------------------------------------------- 1 | ,language,bert,fast,onehot,random,n_train,n_test,entropy,entropy_conditional,n_classes 2 | 0,english,0.4547,1.0009,1.347,1.6108,192042,23019,4.4818914727708945,1.0055802713083695,48 3 | 0,czech,0.4182,0.5923,0.9728,1.576,1104787,163770,4.242502207351556,0.7801720618408688,42 4 | 0,basque,0.6204,0.7463,1.3862,1.705,67578,22575,4.026501217135457,0.5523981548345287,29 5 | 0,finnish,0.62,0.7188,1.7666,2.2139,150362,19515,4.418017690019615,0.5240356183950902,44 6 | 0,turkish,1.1199,1.167,2.0061,2.1405,34120,9046,3.952603694506015,0.5394098488641115,31 7 | 0,tamil,1.1679,1.227,2.4415,2.3215,5929,1869,3.7791014240098764,0.31406697301132885,28 8 | 0,korean,0.3968,0.7608,1.4951,2.0815,273436,26079,4.165542548616413,0.3472153085399227,30 9 | 0,marathi,1.3887,1.6497,2.2562,2.1199,2624,365,4.010142296952517,0.8073028524170877,39 10 | 0,urdu,0.6274,0.9319,1.0827,1.2551,104647,14271,3.8275496224124965,1.0152397491001761,24 11 | 0,telugu,1.0871,1.3136,1.8473,1.9638,4031,575,3.644931133367359,0.30817765683622983,41 12 | 0,indonesian,0.7693,1.1285,1.518,1.7642,93054,11223,4.163553471873628,0.8318972551767106,30 13 | -------------------------------------------------------------------------------- /results/compiled_pos_tag.tsv: -------------------------------------------------------------------------------- 1 | ,language,bert,fast,onehot,random,n_train,n_test,entropy,entropy_conditional,n_classes 2 | 0,english,0.2338,0.3913,0.6437,0.7161,203762,24958,3.6073581600204347,0.260796592910321,16 3 | 0,czech,0.0989,0.1141,0.3527,0.566,1173281,173906,3.326123725350093,0.055052264331376874,16 4 | 0,basque,0.3555,0.2934,0.7993,0.8305,72869,24335,3.1700413877454046,0.1288596111158504,15 5 | 0,finnish,0.2539,0.1904,0.795,0.8741,162584,21078,3.1664352859431295,0.06261131395659834,14 6 | 0,turkish,0.36,0.2329,0.8777,0.8051,37769,10023,3.028157277203257,0.07508512935986282,13 7 | 0,tamil,0.5823,0.4719,1.5711,1.4066,6329,1988,3.145316908210849,0.08827236918321327,13 8 | 0,korean,0.3267,0.5956,1.1474,1.332,295899,28234,3.040296567081133,0.13589649419344935,16 9 | 0,marathi,0.7586,0.8987,1.4942,1.4285,2997,412,3.171473272906689,0.48336446299030844,15 10 | 0,urdu,0.3199,0.4107,0.544,0.5864,108674,14806,3.227159908684161,0.2930078522363394,15 11 | 0,telugu,0.422,0.4189,0.9301,0.8648,5082,721,2.7297544041643165,0.06530017761084068,14 12 | 0,indonesian,0.3803,0.3548,0.6387,0.6775,97495,11779,3.236153291185793,0.15767456248370748,15 13 | -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- 1 | MIT License 2 | 3 | Copyright (c) 2020 Rycolab 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. 22 | -------------------------------------------------------------------------------- /src/util/util.py: -------------------------------------------------------------------------------- 1 | import os 2 | import io 3 | import csv 4 | import shutil 5 | import pathlib 6 | import pickle 7 | import random 8 | import bz2 9 | import numpy as np 10 | import torch 11 | 12 | 13 | def config(seed): 14 | random.seed(seed) 15 | np.random.seed(seed) 16 | torch.manual_seed(seed) 17 | 18 | 19 | def write_csv(filename, results): 20 | with io.open(filename, 'w', encoding='utf8') as f: 21 | writer = csv.writer(f, delimiter=',') 22 | writer.writerows(results) 23 | 24 | 25 | def write_data(filename, data): 26 | with open(filename, "wb") as f: 27 | pickle.dump(data, f) 28 | 29 | 30 | def read_data(filename): 31 | with open(filename, "rb") as f: 32 | data = pickle.load(f) 33 | return data 34 | 35 | 36 | def rmdir_if_exists(fdir): 37 | if os.path.exists(fdir): 38 | shutil.rmtree(fdir) 39 | 40 | 41 | def file_len(fname): 42 | if not os.path.isfile(fname): 43 | return 0 44 | 45 | with open(fname, 'r') as f: 46 | for i, l in enumerate(f): 47 | pass 48 | return i + 1 49 | 50 | 51 | def mkdir(folder): 52 | pathlib.Path(folder).mkdir(parents=True, exist_ok=True) -------------------------------------------------------------------------------- /src/h02_learn/model/base.py: -------------------------------------------------------------------------------- 1 | from abc import ABC, abstractmethod 2 | import copy 3 | import torch 4 | import torch.nn as nn 5 | 6 | from util import constants 7 | 8 | 9 | class BaseModel(nn.Module, ABC): 10 | # pylint: disable=abstract-method 11 | name = 'base' 12 | 13 | def __init__(self): 14 | super().__init__() 15 | 16 | self.best_state_dict = None 17 | 18 | def set_best(self): 19 | self.best_state_dict = copy.deepcopy(self.state_dict()) 20 | 21 | def recover_best(self): 22 | self.load_state_dict(self.best_state_dict) 23 | 24 | def save(self, path): 25 | fname = self.get_name(path) 26 | torch.save({ 27 | 'kwargs': self.get_args(), 28 | 'model_state_dict': self.state_dict(), 29 | }, fname) 30 | 31 | @abstractmethod 32 | def get_args(self): 33 | pass 34 | 35 | @classmethod 36 | def load(cls, path): 37 | checkpoints = cls.load_checkpoint(path) 38 | model = cls(**checkpoints['kwargs']) 39 | model.load_state_dict(checkpoints['model_state_dict']) 40 | return model 41 | 42 | @classmethod 43 | def load_checkpoint(cls, path): 44 | fname = cls.get_name(path) 45 | return torch.load(fname, map_location=constants.device) 46 | 47 | @classmethod 48 | def get_name(cls, path): 49 | return '%s/model.tch' % (path) 50 | -------------------------------------------------------------------------------- /src/h02_learn/train_info.py: -------------------------------------------------------------------------------- 1 | 2 | class TrainInfo: 3 | batch_id = 0 4 | running_loss = [] 5 | best_loss = float('inf') 6 | best_batch = 0 7 | 8 | def __init__(self, pbar, wait_iterations, eval_batches): 9 | self.pbar = pbar 10 | self.wait_iterations = wait_iterations 11 | self.eval_batches = eval_batches 12 | 13 | @property 14 | def finish(self): 15 | return (self.batch_id - self.best_batch) >= self.wait_iterations 16 | 17 | @property 18 | def eval(self): 19 | return (self.batch_id % self.eval_batches) == 0 20 | 21 | @property 22 | def max_epochs(self): 23 | return self.best_batch + self.wait_iterations 24 | 25 | @property 26 | def avg_loss(self): 27 | return sum(self.running_loss) / len(self.running_loss) 28 | 29 | def new_batch(self, loss): 30 | self.batch_id += 1 31 | self.pbar.update(1) 32 | self.running_loss += [loss] 33 | 34 | def is_best(self, dev_results): 35 | dev_loss = dev_results['loss'] 36 | if dev_loss < self.best_loss: 37 | self.best_loss = dev_loss 38 | self.best_batch = self.batch_id 39 | self.pbar.total = self.max_epochs 40 | return True 41 | 42 | return False 43 | 44 | def reset_loss(self): 45 | self.running_loss = [] 46 | 47 | def print_progress(self, dev_results): 48 | dev_loss = dev_results['loss'] 49 | dev_acc = dev_results['acc'] 50 | self.pbar.set_description( 51 | 'Training loss: %.4f Dev loss: %.4f acc: %.4f' % 52 | (self.avg_loss, dev_loss, dev_acc)) 53 | self.reset_loss() 54 | -------------------------------------------------------------------------------- /src/h02_learn/dataset/__init__.py: -------------------------------------------------------------------------------- 1 | import torch 2 | from torch.utils.data import DataLoader 3 | 4 | from util import constants 5 | from util import util 6 | from .pos_tag import PosTagDataset 7 | from .dep_label import DepLabelDataset 8 | 9 | 10 | def generate_batch(batch): 11 | x = torch.cat([item[0].unsqueeze(0) for item in batch], dim=0) 12 | y = torch.cat([item[1].unsqueeze(0) for item in batch], dim=0) 13 | 14 | x, y = x.to(device=constants.device), y.to(device=constants.device) 15 | return (x, y) 16 | 17 | 18 | def get_data_cls(task): 19 | if task == 'pos_tag': 20 | return PosTagDataset 21 | if task == 'dep_label': 22 | return DepLabelDataset 23 | 24 | 25 | def get_data_loader(dataset_cls, data_path, language, representations, pca_size, mode, batch_size, shuffle, pca=None, classes=None, words=None): 26 | trainset = dataset_cls(data_path, language, representations, pca_size, mode, pca=pca, classes=classes, words=words) 27 | trainloader = DataLoader(trainset, batch_size=batch_size, shuffle=shuffle, collate_fn=generate_batch) 28 | return trainloader, trainset.pca, trainset.classes, trainset.words 29 | 30 | 31 | def get_data_loaders(data_path, task, language, representations, pca_size, batch_size): 32 | dataset_cls = get_data_cls(task) 33 | 34 | trainloader, pca, classes, words = get_data_loader( 35 | dataset_cls, data_path, language, representations, pca_size, 'train', batch_size=batch_size, shuffle=True) 36 | devloader, _, classes, words = get_data_loader( 37 | dataset_cls, data_path, language, representations, pca_size, 'dev', batch_size=batch_size, shuffle=False, pca=pca, classes=classes, words=words) 38 | testloader, _, classes, words = get_data_loader( 39 | dataset_cls, data_path, language, representations, pca_size, 'test', batch_size=batch_size, shuffle=False, pca=pca, classes=classes, words=words) 40 | return trainloader, devloader, testloader, testloader.dataset.n_classes, testloader.dataset.n_words 41 | -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | # info-theoretic-probing 2 | 3 | This repository contains code accompanying the paper: [Information-Theoretic Probing for Linguistic Structure (Pimentel et al., ACL 2020)](https://arxiv.org/abs/2004.03061). 4 | It is a study of probing using information theoretic concepts. 5 | 6 | 7 | ## Install Dependencies 8 | 9 | Create a conda environment with 10 | ```bash 11 | $ conda env create -f environment.yml 12 | ``` 13 | Then activate the environment and install your appropriate version of [PyTorch](https://pytorch.org/get-started/locally/). 14 | ```bash 15 | $ conda install -y pytorch torchvision cudatoolkit=10.1 -c pytorch 16 | $ # conda install pytorch torchvision cpuonly -c pytorch 17 | $ pip install transformers 18 | ``` 19 | Download and install fasttext as described [in this link](https://fasttext.cc/docs/en/support.html#building-fasttext-python-module). 20 | 21 | ## Running the code 22 | 23 | To run the code simply use the command 24 | ```bash 25 | $ make LANGUAGE= TASK= 26 | ``` 27 | Where task can be either pos_tag or dep_label and language name can be any of: english, czech, basque, finnish, turkish, tamil, korean, marathi, urdu, telugu, indonesian. 28 | 29 | This command will download UD data and fasttext embeddings, running the full random search exploration with 50 runs for the four word representations: bert, fast, onehot and random. 30 | Results will be found in folder `checkpoints////all_results.txt` 31 | 32 | 33 | ## Extra Information 34 | 35 | #### Citation 36 | 37 | If this code or the paper were usefull to you, consider citing it: 38 | 39 | 40 | ```bash 41 | @inproceedings{pimentel-etal-2020-information, 42 | title = "Information-Theoretic Probing for Linguistic Structure", 43 | author = "Pimentel, Tiago and 44 | Valvoda, Josef and 45 | Hall Maudslay, Rowan and 46 | Zmigrod, Ran and 47 | Williams, Adina and 48 | Cotterell, Ryan", 49 | booktitle = "Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics", 50 | year = "2020", 51 | publisher = "Association for Computational Linguistics", 52 | url = "https://arxiv.org/abs/2004.03061", 53 | } 54 | ``` 55 | 56 | 57 | #### Contact 58 | 59 | To ask questions or report problems, please open an [issue](https://github.com/rycolab/info-theoretic-probing/issues). 60 | 61 | -------------------------------------------------------------------------------- /src/h02_learn/dataset/dep_label.py: -------------------------------------------------------------------------------- 1 | import numpy as np 2 | import pandas as pd 3 | from sklearn.decomposition import PCA 4 | import torch 5 | from torch.utils.data import Dataset 6 | 7 | from h01_data.process import get_data_file_base as get_file_names 8 | from util import constants 9 | from util import util 10 | from .pos_tag import PosTagDataset 11 | 12 | 13 | class DepLabelDataset(PosTagDataset): 14 | # pylint: disable=too-many-instance-attributes 15 | 16 | def load_data_index(self): 17 | data_ud = util.read_data(self.input_name_base % (self.mode, 'ud')) 18 | 19 | x_raw, y_raw = [], [] 20 | for sentence_ud, words in data_ud: 21 | for i, token in enumerate(sentence_ud): 22 | head = token['head'] 23 | rel = token['rel'] 24 | 25 | if rel == "_" or rel == "root": 26 | continue 27 | 28 | x_raw_tail = words[i] 29 | x_raw_head = words[head - 1] 30 | 31 | x_raw += [[x_raw_tail, x_raw_head]] 32 | y_raw += [rel] 33 | 34 | x_raw = np.array(x_raw) 35 | y_raw = np.array(y_raw) 36 | 37 | return x_raw, y_raw 38 | 39 | def load_index(self, x_raw, words=None): 40 | if words is None: 41 | words = [] 42 | 43 | new_words = sorted(list(set(np.unique(x_raw)) - set(words))) 44 | if new_words: 45 | words = np.concatenate([words, new_words]) 46 | 47 | words_dict = {word: i for i, word in enumerate(words)} 48 | x = np.array([[words_dict[token] for token in tokens] for tokens in x_raw]) 49 | 50 | self.x = torch.from_numpy(x) 51 | self.words = words 52 | 53 | self.n_words = len(words) 54 | 55 | 56 | def load_data(self): 57 | data_ud = util.read_data(self.input_name_base % (self.mode, 'ud')) 58 | data_embeddings = util.read_data(self.input_name_base % (self.mode, self.representation)) 59 | 60 | x_raw, y_raw = [], [] 61 | for (sentence_ud, words), (sentence_emb, _) in zip(data_ud, data_embeddings): 62 | for i, token in enumerate(sentence_ud): 63 | head = token['head'] 64 | rel = token['rel'] 65 | 66 | if rel == "_" or rel == "root": 67 | continue 68 | 69 | x_raw_tail = sentence_emb[i] 70 | x_raw_head = sentence_emb[head - 1] 71 | 72 | x_raw += [np.concatenate([x_raw_tail, x_raw_head])] 73 | y_raw += [rel] 74 | 75 | x_raw = np.array(x_raw) 76 | y_raw = np.array(y_raw) 77 | 78 | return x_raw, y_raw 79 | -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- 1 | # Byte-compiled / optimized / DLL files 2 | __pycache__/ 3 | *.py[cod] 4 | *$py.class 5 | 6 | # C extensions 7 | *.so 8 | 9 | # Distribution / packaging 10 | .Python 11 | build/ 12 | develop-eggs/ 13 | dist/ 14 | downloads/ 15 | eggs/ 16 | .eggs/ 17 | lib/ 18 | lib64/ 19 | parts/ 20 | sdist/ 21 | var/ 22 | wheels/ 23 | pip-wheel-metadata/ 24 | share/python-wheels/ 25 | *.egg-info/ 26 | .installed.cfg 27 | *.egg 28 | MANIFEST 29 | 30 | # PyInstaller 31 | # Usually these files are written by a python script from a template 32 | # before PyInstaller builds the exe, so as to inject date/other infos into it. 33 | *.manifest 34 | *.spec 35 | 36 | # Installer logs 37 | pip-log.txt 38 | pip-delete-this-directory.txt 39 | 40 | # Unit test / coverage reports 41 | htmlcov/ 42 | .tox/ 43 | .nox/ 44 | .coverage 45 | .coverage.* 46 | .cache 47 | nosetests.xml 48 | coverage.xml 49 | *.cover 50 | *.py,cover 51 | .hypothesis/ 52 | .pytest_cache/ 53 | 54 | # Translations 55 | *.mo 56 | *.pot 57 | 58 | # Django stuff: 59 | *.log 60 | local_settings.py 61 | db.sqlite3 62 | db.sqlite3-journal 63 | 64 | # Flask stuff: 65 | instance/ 66 | .webassets-cache 67 | 68 | # Scrapy stuff: 69 | .scrapy 70 | 71 | # Sphinx documentation 72 | docs/_build/ 73 | 74 | # PyBuilder 75 | target/ 76 | 77 | # Jupyter Notebook 78 | .ipynb_checkpoints 79 | 80 | # IPython 81 | profile_default/ 82 | ipython_config.py 83 | 84 | # pyenv 85 | .python-version 86 | 87 | # pipenv 88 | # According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control. 89 | # However, in case of collaboration, if having platform-specific dependencies or dependencies 90 | # having no cross-platform support, pipenv may install dependencies that don't work, or not 91 | # install all needed dependencies. 92 | #Pipfile.lock 93 | 94 | # PEP 582; used by e.g. github.com/David-OConnor/pyflow 95 | __pypackages__/ 96 | 97 | # Celery stuff 98 | celerybeat-schedule 99 | celerybeat.pid 100 | 101 | # SageMath parsed files 102 | *.sage.py 103 | 104 | # Environments 105 | .env 106 | .venv 107 | env/ 108 | venv/ 109 | ENV/ 110 | env.bak/ 111 | venv.bak/ 112 | 113 | # Spyder project settings 114 | .spyderproject 115 | .spyproject 116 | 117 | # Rope project settings 118 | .ropeproject 119 | 120 | # mkdocs documentation 121 | /site 122 | 123 | # mypy 124 | .mypy_cache/ 125 | .dmypy.json 126 | dmypy.json 127 | 128 | # Pyre type checker 129 | .pyre/ 130 | 131 | # VsCode 132 | .vscode/ 133 | 134 | # Project specific 135 | data/ 136 | checkpoints/*/*/*/* 137 | !checkpoints/*/*/*/all_results.txt 138 | !checkpoints/*/*/*/finished.txt 139 | -------------------------------------------------------------------------------- /Makefile: -------------------------------------------------------------------------------- 1 | LANGUAGE := tamil 2 | TASK := pos_tag 3 | DATA_DIR := ./data 4 | CHECKPOINT_DIR := ./checkpoints 5 | 6 | UD_DIR_BASE := $(DATA_DIR)/ud 7 | 8 | UDURL := https://lindat.mff.cuni.cz/repository/xmlui/bitstream/handle/11234/1-3105/ud-treebanks-v2.5.tgz 9 | 10 | UD_DIR := $(UD_DIR_BASE)/ud-treebanks-v2.5 11 | UD_FILE := $(UD_DIR_BASE)/ud-treebanks-v2.5.tgz 12 | 13 | PROCESSED_DIR_BASE := $(DATA_DIR)/processed/ 14 | PROCESSED_DIR := $(PROCESSED_DIR_BASE)/$(LANGUAGE) 15 | PROCESSED_FILE := $(PROCESSED_DIR)/test--bert.pickle.bz2 16 | 17 | TRAIN_DIR := $(CHECKPOINT_DIR)/$(TASK)/$(LANGUAGE) 18 | TRAIN_BERT := $(TRAIN_DIR)/bert/finished.txt 19 | TRAIN_FAST := $(TRAIN_DIR)/fast/finished.txt 20 | TRAIN_ONEHOT := $(TRAIN_DIR)/onehot/finished.txt 21 | TRAIN_RANDOM := $(TRAIN_DIR)/random/finished.txt 22 | 23 | all: get_ud process train 24 | echo "Finished everything" 25 | 26 | train: $(TRAIN_BERT) $(TRAIN_FAST) $(TRAIN_ONEHOT) $(TRAIN_RANDOM) 27 | 28 | train_bert: $(TRAIN_BERT) 29 | 30 | train_fast: $(TRAIN_FAST) 31 | 32 | train_onehot: $(TRAIN_ONEHOT) 33 | 34 | train_random: $(TRAIN_RANDOM) 35 | 36 | process: $(PROCESSED_FILE) 37 | 38 | get_ud: $(UD_DIR) 39 | 40 | $(TRAIN_RANDOM): 41 | echo "Train onehot model" 42 | python -u src/h02_learn/random_search.py --language $(LANGUAGE) --data-path $(PROCESSED_DIR_BASE) --rep 'random' --checkpoint-path $(CHECKPOINT_DIR) --task $(TASK) 43 | # python src/h02_learn/train.py --language $(LANGUAGE) --data-path $(PROCESSED_DIR_BASE) --rep 'random' --checkpoint-path $(CHECKPOINT_DIR) --task $(TASK) 44 | 45 | $(TRAIN_ONEHOT): 46 | echo "Train onehot model" 47 | python -u src/h02_learn/random_search.py --language $(LANGUAGE) --data-path $(PROCESSED_DIR_BASE) --rep 'onehot' --checkpoint-path $(CHECKPOINT_DIR) --task $(TASK) 48 | # python src/h02_learn/train.py --language $(LANGUAGE) --data-path $(PROCESSED_DIR_BASE) --rep 'onehot' --checkpoint-path $(CHECKPOINT_DIR) --task $(TASK) 49 | 50 | $(TRAIN_FAST): 51 | echo "Train fasttext model" 52 | python -u src/h02_learn/random_search.py --language $(LANGUAGE) --data-path $(PROCESSED_DIR_BASE) --rep 'fast' --checkpoint-path $(CHECKPOINT_DIR) --task $(TASK) 53 | # python src/h02_learn/train.py --language $(LANGUAGE) --data-path $(PROCESSED_DIR_BASE) --rep 'fast' --checkpoint-path $(CHECKPOINT_DIR) --task $(TASK) 54 | 55 | $(TRAIN_BERT): 56 | echo "Train bert model" 57 | python -u src/h02_learn/random_search.py --language $(LANGUAGE) --data-path $(PROCESSED_DIR_BASE) --rep 'bert' --checkpoint-path $(CHECKPOINT_DIR) --task $(TASK) 58 | # python src/h02_learn/train.py --language $(LANGUAGE) --data-path $(PROCESSED_DIR_BASE) --rep 'bert' --checkpoint-path $(CHECKPOINT_DIR) --task $(TASK) 59 | 60 | # Preprocess data 61 | $(PROCESSED_FILE): 62 | echo "Process language in ud " $(LANGUAGE) 63 | python src/h01_data/process.py --language $(LANGUAGE) --ud-path $(UD_DIR) --output-path $(PROCESSED_DIR_BASE) 64 | 65 | # Get Universal Dependencies data 66 | $(UD_DIR): 67 | echo "Get ud data" 68 | mkdir -p $(UD_DIR_BASE) 69 | wget -P $(UD_DIR_BASE) $(UDURL) 70 | tar -xvzf $(UD_FILE) -C $(UD_DIR_BASE) 71 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/czech/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.1328,0.1384,0.1512,0.9722,0.9712,0.9695 3 | 415,3,0.43,768,0.1483,0.1522,0.1684,0.9694,0.9691,0.9669 4 | 68,3,0.15,768,0.1437,0.1513,0.1681,0.9710,0.9692,0.9675 5 | 115,1,0.45,768,0.1856,0.1901,0.2015,0.9634,0.9627,0.9612 6 | 401,3,0.05,768,0.0842,0.0943,0.1054,0.9823,0.9805,0.9781 7 | 359,1,0.46,768,0.1345,0.1399,0.1529,0.9741,0.9733,0.9717 8 | 47,2,0.22,768,0.1664,0.1733,0.1922,0.9654,0.9642,0.9603 9 | 144,1,0.38,768,0.1280,0.1339,0.1452,0.9744,0.9731,0.9714 10 | 298,2,0.12,768,0.0731,0.0871,0.0989,0.9843,0.9818,0.9804 11 | 76,2,0.33,768,0.1707,0.1754,0.1925,0.9650,0.9639,0.9609 12 | 15,2,0.34,768,0.8514,0.8602,0.8788,0.8451,0.8450,0.8432 13 | 184,1,0.41000000000000003,768,0.1316,0.1365,0.1482,0.9734,0.9723,0.9714 14 | 182,1,0.34,768,0.1164,0.1222,0.1371,0.9756,0.9743,0.9723 15 | 36,1,0.19,768,0.1435,0.1491,0.1694,0.9691,0.9680,0.9642 16 | 48,1,0.34,768,0.1856,0.1906,0.2039,0.9607,0.9596,0.9564 17 | 57,2,0.37,768,0.2307,0.2358,0.2527,0.9513,0.9506,0.9479 18 | 140,3,0.05,768,0.0774,0.0911,0.1036,0.9834,0.9808,0.9789 19 | 222,1,0.31,768,0.1058,0.1125,0.1278,0.9781,0.9768,0.9749 20 | 304,3,0.08,768,0.0918,0.1009,0.1140,0.9806,0.9788,0.9768 21 | 206,2,0.24,768,0.0968,0.1045,0.1148,0.9795,0.9779,0.9770 22 | 184,2,0.2,768,0.1048,0.1118,0.1267,0.9779,0.9764,0.9746 23 | 93,2,0.06,768,0.0884,0.0995,0.1123,0.9809,0.9788,0.9766 24 | 89,2,0.39,768,0.1856,0.1894,0.2053,0.9617,0.9611,0.9588 25 | 139,3,0.11,768,0.1053,0.1134,0.1275,0.9776,0.9757,0.9738 26 | 347,3,0.31,768,0.0988,0.1060,0.1192,0.9799,0.9781,0.9772 27 | 410,3,0.25,768,0.0900,0.0987,0.1113,0.9810,0.9798,0.9778 28 | 147,3,0.1,768,0.0987,0.1067,0.1200,0.9792,0.9776,0.9758 29 | 144,3,0.22,768,0.1055,0.1145,0.1252,0.9782,0.9765,0.9745 30 | 194,1,0.09,768,0.0871,0.0979,0.1074,0.9811,0.9787,0.9774 31 | 43,3,0.07,768,0.1374,0.1495,0.1646,0.9731,0.9710,0.9682 32 | 349,3,0.29,768,0.1014,0.1096,0.1245,0.9786,0.9769,0.9745 33 | 252,3,0.22,768,0.1019,0.1103,0.1231,0.9789,0.9775,0.9760 34 | 233,3,0.19,768,0.0994,0.1079,0.1176,0.9793,0.9774,0.9762 35 | 181,2,0.17,768,0.0947,0.1018,0.1154,0.9797,0.9786,0.9763 36 | 38,3,0.34,768,0.6100,0.6183,0.6499,0.8857,0.8831,0.8792 37 | 92,2,0.07,768,0.0990,0.1091,0.1208,0.9788,0.9765,0.9751 38 | 298,2,0.29,768,0.0929,0.1017,0.1142,0.9804,0.9789,0.9777 39 | 107,3,0.4,768,0.2151,0.2203,0.2381,0.9562,0.9557,0.9531 40 | 19,1,0.05,768,0.1475,0.1539,0.1722,0.9680,0.9669,0.9625 41 | 90,2,0.17,768,0.1056,0.1131,0.1249,0.9773,0.9757,0.9740 42 | 44,2,0.23,768,0.1748,0.1811,0.1966,0.9639,0.9627,0.9600 43 | 39,3,0.31,768,0.5132,0.5205,0.5553,0.9083,0.9056,0.9011 44 | 85,2,0.29,768,0.1437,0.1489,0.1623,0.9698,0.9688,0.9668 45 | 112,2,0.33,768,0.1499,0.1546,0.1699,0.9691,0.9681,0.9659 46 | 427,1,0.04,768,0.0755,0.0913,0.1004,0.9837,0.9807,0.9795 47 | 125,2,0.13,768,0.0951,0.1048,0.1162,0.9796,0.9776,0.9763 48 | 134,3,0.0,768,0.1006,0.1114,0.1220,0.9785,0.9763,0.9745 49 | 421,2,0.5,768,0.1398,0.1441,0.1592,0.9718,0.9711,0.9697 50 | 113,3,0.49,768,0.3051,0.3089,0.3270,0.9434,0.9430,0.9411 51 | 73,3,0.46,768,0.4297,0.4354,0.4585,0.9317,0.9313,0.9268 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/czech/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.1104,0.1156,0.1335,0.9770,0.9758,0.9738 3 | 415,3,0.43,300,0.1206,0.1238,0.1419,0.9756,0.9750,0.9729 4 | 68,3,0.15,300,0.1243,0.1312,0.1475,0.9755,0.9743,0.9710 5 | 115,1,0.45,300,0.1853,0.1875,0.1992,0.9672,0.9666,0.9640 6 | 401,3,0.05,300,0.0962,0.1042,0.1168,0.9798,0.9782,0.9761 7 | 359,1,0.46,300,0.1417,0.1447,0.1603,0.9737,0.9734,0.9707 8 | 47,2,0.22,300,0.1587,0.1624,0.1799,0.9692,0.9688,0.9663 9 | 144,1,0.38,300,0.1400,0.1440,0.1590,0.9736,0.9730,0.9707 10 | 298,2,0.12,300,0.0963,0.1034,0.1141,0.9797,0.9782,0.9765 11 | 76,2,0.33,300,0.1656,0.1691,0.1853,0.9677,0.9670,0.9637 12 | 15,2,0.34,300,0.9417,0.9509,0.9661,0.8230,0.8221,0.8204 13 | 184,1,0.41000000000000003,300,0.1368,0.1409,0.1533,0.9740,0.9735,0.9711 14 | 182,1,0.34,300,0.1260,0.1300,0.1459,0.9754,0.9746,0.9721 15 | 36,1,0.19,300,0.1566,0.1602,0.1751,0.9695,0.9687,0.9670 16 | 48,1,0.34,300,0.1926,0.1944,0.2099,0.9633,0.9628,0.9593 17 | 57,2,0.37,300,0.2252,0.2290,0.2413,0.9596,0.9592,0.9562 18 | 140,3,0.05,300,0.0943,0.1046,0.1164,0.9804,0.9785,0.9762 19 | 222,1,0.31,300,0.1171,0.1222,0.1379,0.9765,0.9757,0.9730 20 | 304,3,0.08,300,0.0954,0.1050,0.1148,0.9796,0.9782,0.9763 21 | 206,2,0.24,300,0.0963,0.1040,0.1201,0.9795,0.9780,0.9758 22 | 184,2,0.2,300,0.0989,0.1052,0.1231,0.9786,0.9772,0.9748 23 | 93,2,0.06,300,0.1045,0.1116,0.1229,0.9781,0.9770,0.9747 24 | 89,2,0.39,300,0.1720,0.1756,0.1906,0.9665,0.9660,0.9630 25 | 139,3,0.11,300,0.0999,0.1073,0.1242,0.9791,0.9775,0.9748 26 | 347,3,0.31,300,0.1072,0.1121,0.1321,0.9776,0.9767,0.9744 27 | 410,3,0.25,300,0.0985,0.1061,0.1225,0.9792,0.9778,0.9758 28 | 147,3,0.1,300,0.1040,0.1125,0.1267,0.9785,0.9769,0.9749 29 | 144,3,0.22,300,0.1193,0.1238,0.1435,0.9754,0.9744,0.9715 30 | 194,1,0.09,300,0.0954,0.1052,0.1198,0.9801,0.9784,0.9763 31 | 43,3,0.07,300,0.1456,0.1524,0.1701,0.9726,0.9712,0.9680 32 | 349,3,0.29,300,0.1061,0.1118,0.1301,0.9777,0.9767,0.9732 33 | 252,3,0.22,300,0.0992,0.1050,0.1197,0.9789,0.9776,0.9751 34 | 233,3,0.19,300,0.0982,0.1058,0.1215,0.9792,0.9780,0.9751 35 | 181,2,0.17,300,0.0999,0.1063,0.1185,0.9788,0.9778,0.9753 36 | 38,3,0.34,300,0.5873,0.5987,0.6211,0.9043,0.9037,0.8996 37 | 92,2,0.07,300,0.1059,0.1134,0.1309,0.9777,0.9764,0.9740 38 | 298,2,0.29,300,0.0989,0.1050,0.1207,0.9788,0.9776,0.9756 39 | 107,3,0.4,300,0.2066,0.2096,0.2304,0.9642,0.9637,0.9609 40 | 19,1,0.05,300,0.1529,0.1591,0.1753,0.9701,0.9688,0.9667 41 | 90,2,0.17,300,0.1130,0.1198,0.1366,0.9764,0.9753,0.9725 42 | 44,2,0.23,300,0.1735,0.1775,0.1912,0.9667,0.9661,0.9636 43 | 39,3,0.31,300,0.5552,0.5672,0.5870,0.9222,0.9202,0.9157 44 | 85,2,0.29,300,0.1360,0.1407,0.1540,0.9724,0.9717,0.9694 45 | 112,2,0.33,300,0.1333,0.1370,0.1510,0.9725,0.9719,0.9686 46 | 427,1,0.04,300,0.1006,0.1096,0.1247,0.9797,0.9777,0.9759 47 | 125,2,0.13,300,0.1031,0.1108,0.1268,0.9784,0.9769,0.9748 48 | 134,3,0.0,300,0.1059,0.1152,0.1268,0.9785,0.9765,0.9750 49 | 421,2,0.5,300,0.1266,0.1301,0.1458,0.9742,0.9737,0.9716 50 | 113,3,0.49,300,0.3273,0.3302,0.3491,0.9430,0.9430,0.9379 51 | 73,3,0.46,300,0.4446,0.4498,0.4681,0.9331,0.9339,0.9304 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/tamil/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.2399,0.5531,0.6162,0.9468,0.8606,0.8516 3 | 415,3,0.43,768,0.0824,0.5528,0.6574,0.9861,0.8812,0.8667 4 | 68,3,0.15,768,0.2142,0.6252,0.7132,0.9562,0.8583,0.8516 5 | 115,1,0.45,768,0.1682,0.5407,0.6164,0.9695,0.8654,0.8642 6 | 401,3,0.05,768,0.1613,0.6192,0.6813,0.9668,0.8583,0.8481 7 | 359,1,0.46,768,0.0676,0.5131,0.5823,0.9934,0.8733,0.8783 8 | 47,2,0.22,768,0.2661,0.5961,0.6622,0.9423,0.8670,0.8521 9 | 144,1,0.38,768,0.0961,0.5417,0.6212,0.9847,0.8725,0.8592 10 | 298,2,0.12,768,0.2254,0.6135,0.6590,0.9450,0.8583,0.8521 11 | 76,2,0.33,768,0.1807,0.5557,0.6287,0.9638,0.8773,0.8566 12 | 15,2,0.34,768,0.9120,1.0571,1.2091,0.7643,0.7387,0.7072 13 | 184,1,0.41000000000000003,768,0.0574,0.5322,0.6139,0.9949,0.8686,0.8667 14 | 182,1,0.34,768,0.1070,0.5277,0.5823,0.9848,0.8733,0.8687 15 | 36,1,0.19,768,0.1689,0.5775,0.6144,0.9662,0.8733,0.8551 16 | 48,1,0.34,768,0.2070,0.5538,0.6186,0.9559,0.8654,0.8556 17 | 57,2,0.37,768,0.2507,0.5677,0.6884,0.9433,0.8717,0.8486 18 | 140,3,0.05,768,0.1716,0.6751,0.7533,0.9633,0.8543,0.8486 19 | 222,1,0.31,768,0.1024,0.5471,0.5928,0.9829,0.8678,0.8732 20 | 304,3,0.08,768,0.2610,0.6485,0.7135,0.9422,0.8416,0.8431 21 | 206,2,0.24,768,0.1931,0.5529,0.6154,0.9602,0.8646,0.8657 22 | 184,2,0.2,768,0.1655,0.5738,0.6267,0.9656,0.8662,0.8546 23 | 93,2,0.06,768,0.1843,0.6024,0.6568,0.9629,0.8646,0.8521 24 | 89,2,0.39,768,0.1685,0.5516,0.6358,0.9651,0.8717,0.8581 25 | 139,3,0.11,768,0.2343,0.5983,0.6558,0.9505,0.8591,0.8571 26 | 347,3,0.31,768,0.1091,0.5537,0.6465,0.9793,0.8781,0.8672 27 | 410,3,0.25,768,0.2182,0.5694,0.6153,0.9539,0.8670,0.8657 28 | 147,3,0.1,768,0.1663,0.6003,0.6720,0.9659,0.8591,0.8546 29 | 144,3,0.22,768,0.2919,0.5894,0.6595,0.9327,0.8678,0.8556 30 | 194,1,0.09,768,0.1942,0.5903,0.6183,0.9581,0.8551,0.8642 31 | 43,3,0.07,768,0.1998,0.6746,0.7742,0.9632,0.8551,0.8375 32 | 349,3,0.29,768,0.2038,0.5566,0.6505,0.9542,0.8670,0.8587 33 | 252,3,0.22,768,0.2374,0.5948,0.6572,0.9468,0.8575,0.8551 34 | 233,3,0.19,768,0.2465,0.5993,0.7138,0.9403,0.8709,0.8456 35 | 181,2,0.17,768,0.1656,0.5920,0.6349,0.9640,0.8599,0.8551 36 | 38,3,0.34,768,0.6272,0.9249,0.9978,0.8793,0.8052,0.7907 37 | 92,2,0.07,768,0.3105,0.6056,0.6717,0.9281,0.8591,0.8451 38 | 298,2,0.29,768,0.1779,0.5495,0.5868,0.9646,0.8749,0.8637 39 | 107,3,0.4,768,0.2241,0.6075,0.7045,0.9575,0.8717,0.8581 40 | 19,1,0.05,768,0.3073,0.5974,0.6464,0.9341,0.8606,0.8531 41 | 90,2,0.17,768,0.1472,0.5713,0.6429,0.9673,0.8606,0.8506 42 | 44,2,0.23,768,0.2677,0.5931,0.6390,0.9425,0.8686,0.8587 43 | 39,3,0.31,768,0.5151,0.9332,1.3092,0.9123,0.8131,0.8043 44 | 85,2,0.29,768,0.2040,0.5525,0.6279,0.9561,0.8654,0.8536 45 | 112,2,0.33,768,0.1194,0.5531,0.6178,0.9772,0.8741,0.8637 46 | 427,1,0.04,768,0.2656,0.5886,0.6451,0.9444,0.8583,0.8496 47 | 125,2,0.13,768,0.1964,0.5715,0.6362,0.9547,0.8709,0.8571 48 | 134,3,0.0,768,0.1945,0.7039,0.7547,0.9575,0.8424,0.8380 49 | 421,2,0.5,768,0.1112,0.5524,0.6307,0.9847,0.8765,0.8637 50 | 113,3,0.49,768,0.2425,0.6666,0.9494,0.9608,0.8551,0.8526 51 | 73,3,0.46,768,0.5103,0.8069,1.0810,0.8764,0.8108,0.7923 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/tamil/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.2396,0.5453,0.4893,0.9453,0.8773,0.8843 3 | 415,3,0.43,300,0.1594,0.5239,0.4854,0.9638,0.8820,0.8934 4 | 68,3,0.15,300,0.2751,0.6793,0.5857,0.9371,0.8646,0.8768 5 | 115,1,0.45,300,0.2929,0.5549,0.5056,0.9368,0.8828,0.8868 6 | 401,3,0.05,300,0.1989,0.6012,0.5504,0.9529,0.8709,0.8778 7 | 359,1,0.46,300,0.2471,0.5469,0.4882,0.9422,0.8820,0.8858 8 | 47,2,0.22,300,0.2437,0.5910,0.5158,0.9434,0.8773,0.8833 9 | 144,1,0.38,300,0.2792,0.5567,0.4955,0.9362,0.8789,0.8813 10 | 298,2,0.12,300,0.2174,0.5763,0.4806,0.9455,0.8725,0.8828 11 | 76,2,0.33,300,0.1948,0.5748,0.4970,0.9548,0.8899,0.8944 12 | 15,2,0.34,300,0.9405,1.0419,1.1526,0.8106,0.7751,0.7440 13 | 184,1,0.41000000000000003,300,0.2218,0.5459,0.4748,0.9474,0.8820,0.8949 14 | 182,1,0.34,300,0.1950,0.5514,0.4820,0.9531,0.8789,0.8924 15 | 36,1,0.19,300,0.2745,0.5721,0.5095,0.9352,0.8749,0.8818 16 | 48,1,0.34,300,0.2831,0.5715,0.5252,0.9359,0.8749,0.8863 17 | 57,2,0.37,300,0.2818,0.5847,0.5293,0.9415,0.8789,0.8944 18 | 140,3,0.05,300,0.3033,0.6594,0.5878,0.9267,0.8559,0.8607 19 | 222,1,0.31,300,0.2861,0.5521,0.5007,0.9333,0.8741,0.8793 20 | 304,3,0.08,300,0.2323,0.6183,0.5389,0.9456,0.8725,0.8763 21 | 206,2,0.24,300,0.2194,0.5700,0.4813,0.9463,0.8781,0.8959 22 | 184,2,0.2,300,0.2389,0.5482,0.4760,0.9415,0.8797,0.8984 23 | 93,2,0.06,300,0.2485,0.6467,0.5476,0.9434,0.8678,0.8848 24 | 89,2,0.39,300,0.2614,0.5617,0.5122,0.9417,0.8844,0.8924 25 | 139,3,0.11,300,0.1983,0.6302,0.5547,0.9570,0.8789,0.8828 26 | 347,3,0.31,300,0.1757,0.5597,0.4784,0.9602,0.8892,0.8929 27 | 410,3,0.25,300,0.2198,0.5676,0.4748,0.9507,0.8836,0.9074 28 | 147,3,0.1,300,0.2476,0.6402,0.5768,0.9419,0.8614,0.8778 29 | 144,3,0.22,300,0.2361,0.5902,0.5530,0.9430,0.8749,0.8778 30 | 194,1,0.09,300,0.3083,0.5824,0.5027,0.9313,0.8749,0.8833 31 | 43,3,0.07,300,0.2832,0.7340,0.6485,0.9449,0.8591,0.8682 32 | 349,3,0.29,300,0.2476,0.5474,0.5025,0.9463,0.8860,0.8919 33 | 252,3,0.22,300,0.2216,0.5642,0.5306,0.9499,0.8852,0.8873 34 | 233,3,0.19,300,0.2461,0.5813,0.5197,0.9460,0.8789,0.8888 35 | 181,2,0.17,300,0.1698,0.5581,0.4693,0.9584,0.8765,0.9019 36 | 38,3,0.34,300,0.6801,0.8811,0.9416,0.8575,0.8092,0.7862 37 | 92,2,0.07,300,0.2482,0.5758,0.5307,0.9433,0.8733,0.8808 38 | 298,2,0.29,300,0.2657,0.5557,0.4768,0.9363,0.8749,0.8989 39 | 107,3,0.4,300,0.2353,0.6470,0.5689,0.9547,0.8868,0.8868 40 | 19,1,0.05,300,0.2850,0.5966,0.5034,0.9346,0.8781,0.8858 41 | 90,2,0.17,300,0.2357,0.5821,0.4999,0.9434,0.8804,0.8883 42 | 44,2,0.23,300,0.2374,0.5633,0.5229,0.9458,0.8749,0.8858 43 | 39,3,0.31,300,0.5693,0.9285,0.8669,0.8927,0.8139,0.8229 44 | 85,2,0.29,300,0.2316,0.5577,0.4969,0.9438,0.8860,0.8954 45 | 112,2,0.33,300,0.2621,0.5497,0.4895,0.9404,0.8781,0.8888 46 | 427,1,0.04,300,0.2679,0.5936,0.4947,0.9414,0.8765,0.8878 47 | 125,2,0.13,300,0.2750,0.5661,0.4974,0.9365,0.8773,0.8893 48 | 134,3,0.0,300,0.2721,0.7918,0.7818,0.9417,0.8622,0.8612 49 | 421,2,0.5,300,0.2263,0.5192,0.4719,0.9517,0.8892,0.8924 50 | 113,3,0.49,300,0.3406,0.6635,0.6062,0.9363,0.8702,0.8773 51 | 73,3,0.46,300,0.5080,0.7521,0.7656,0.9152,0.8488,0.8526 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/urdu/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.2810,0.3070,0.3304,0.9295,0.9311,0.9216 3 | 415,3,0.43,768,0.2982,0.3120,0.3397,0.9269,0.9327,0.9204 4 | 68,3,0.15,768,0.3296,0.3558,0.3695,0.9234,0.9213,0.9151 5 | 115,1,0.45,768,0.3610,0.3588,0.3832,0.9123,0.9197,0.9103 6 | 401,3,0.05,768,0.2450,0.3170,0.3360,0.9403,0.9276,0.9246 7 | 359,1,0.46,768,0.3193,0.3314,0.3548,0.9245,0.9261,0.9171 8 | 47,2,0.22,768,0.3528,0.3534,0.3768,0.9163,0.9206,0.9108 9 | 144,1,0.38,768,0.3300,0.3358,0.3549,0.9204,0.9224,0.9152 10 | 298,2,0.12,768,0.2553,0.3049,0.3346,0.9374,0.9302,0.9219 11 | 76,2,0.33,768,0.3416,0.3447,0.3670,0.9188,0.9242,0.9160 12 | 15,2,0.34,768,0.9697,0.9755,0.9460,0.7808,0.7769,0.7861 13 | 184,1,0.41000000000000003,768,0.3123,0.3272,0.3538,0.9275,0.9299,0.9200 14 | 182,1,0.34,768,0.2920,0.3172,0.3377,0.9296,0.9284,0.9211 15 | 36,1,0.19,768,0.3246,0.3412,0.3592,0.9204,0.9206,0.9128 16 | 48,1,0.34,768,0.4118,0.3920,0.4154,0.9031,0.9113,0.9024 17 | 57,2,0.37,768,0.4213,0.4128,0.4394,0.9022,0.9092,0.8976 18 | 140,3,0.05,768,0.2720,0.3160,0.3505,0.9340,0.9278,0.9191 19 | 222,1,0.31,768,0.2568,0.3017,0.3290,0.9366,0.9321,0.9225 20 | 304,3,0.08,768,0.2009,0.3082,0.3396,0.9501,0.9291,0.9243 21 | 206,2,0.24,768,0.2482,0.3039,0.3288,0.9389,0.9280,0.9235 22 | 184,2,0.2,768,0.2461,0.2992,0.3250,0.9388,0.9303,0.9247 23 | 93,2,0.06,768,0.2545,0.3149,0.3384,0.9375,0.9262,0.9215 24 | 89,2,0.39,768,0.3952,0.3825,0.4047,0.9079,0.9159,0.9069 25 | 139,3,0.11,768,0.2565,0.3136,0.3352,0.9381,0.9284,0.9247 26 | 347,3,0.31,768,0.2744,0.3056,0.3324,0.9335,0.9323,0.9238 27 | 410,3,0.25,768,0.2560,0.3030,0.3253,0.9375,0.9321,0.9255 28 | 147,3,0.1,768,0.2775,0.3123,0.3450,0.9334,0.9293,0.9219 29 | 144,3,0.22,768,0.3024,0.3200,0.3540,0.9266,0.9274,0.9168 30 | 194,1,0.09,768,0.2460,0.3073,0.3383,0.9401,0.9282,0.9196 31 | 43,3,0.07,768,0.3336,0.3546,0.3834,0.9231,0.9198,0.9142 32 | 349,3,0.29,768,0.2412,0.2984,0.3233,0.9393,0.9315,0.9239 33 | 252,3,0.22,768,0.2672,0.3027,0.3313,0.9348,0.9317,0.9221 34 | 233,3,0.19,768,0.2291,0.3035,0.3333,0.9436,0.9307,0.9275 35 | 181,2,0.17,768,0.2545,0.3039,0.3338,0.9365,0.9331,0.9233 36 | 38,3,0.34,768,0.7629,0.7559,0.7653,0.8098,0.8065,0.8111 37 | 92,2,0.07,768,0.3422,0.3386,0.3723,0.9179,0.9214,0.9141 38 | 298,2,0.29,768,0.2344,0.2921,0.3199,0.9415,0.9330,0.9247 39 | 107,3,0.4,768,0.4553,0.4336,0.4575,0.9008,0.9116,0.9017 40 | 19,1,0.05,768,0.3424,0.3501,0.3756,0.9176,0.9160,0.9099 41 | 90,2,0.17,768,0.3229,0.3334,0.3590,0.9222,0.9238,0.9160 42 | 44,2,0.23,768,0.3618,0.3650,0.3866,0.9148,0.9166,0.9086 43 | 39,3,0.31,768,0.6813,0.6750,0.6736,0.8593,0.8685,0.8644 44 | 85,2,0.29,768,0.3476,0.3449,0.3754,0.9183,0.9228,0.9117 45 | 112,2,0.33,768,0.3069,0.3253,0.3485,0.9254,0.9275,0.9187 46 | 427,1,0.04,768,0.2163,0.3075,0.3421,0.9477,0.9265,0.9221 47 | 125,2,0.13,768,0.2619,0.3102,0.3403,0.9365,0.9279,0.9184 48 | 134,3,0.0,768,0.2560,0.3296,0.3496,0.9391,0.9212,0.9206 49 | 421,2,0.5,768,0.3118,0.3281,0.3462,0.9252,0.9284,0.9210 50 | 113,3,0.49,768,0.4974,0.4825,0.5031,0.8937,0.9028,0.8944 51 | 73,3,0.46,768,0.6318,0.6181,0.6240,0.8699,0.8788,0.8720 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/urdu/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.4196,0.3981,0.4256,0.9007,0.9112,0.9053 3 | 415,3,0.43,300,0.4333,0.4058,0.4334,0.8989,0.9122,0.9065 4 | 68,3,0.15,300,0.4654,0.4489,0.4667,0.8955,0.9031,0.9009 5 | 115,1,0.45,300,0.5535,0.5292,0.5441,0.8774,0.8875,0.8844 6 | 401,3,0.05,300,0.3702,0.3992,0.4233,0.9105,0.9103,0.9090 7 | 359,1,0.46,300,0.4681,0.4477,0.4695,0.8947,0.9050,0.8973 8 | 47,2,0.22,300,0.5207,0.4972,0.5112,0.8834,0.8897,0.8880 9 | 144,1,0.38,300,0.4670,0.4467,0.4666,0.8946,0.9066,0.8994 10 | 298,2,0.12,300,0.3846,0.4008,0.4180,0.9068,0.9094,0.9050 11 | 76,2,0.33,300,0.5080,0.4780,0.5036,0.8829,0.8961,0.8934 12 | 15,2,0.34,300,1.3168,1.2952,1.2887,0.7069,0.7202,0.7098 13 | 184,1,0.41000000000000003,300,0.4645,0.4482,0.4680,0.8968,0.9038,0.9002 14 | 182,1,0.34,300,0.4467,0.4336,0.4545,0.8983,0.9027,0.9004 15 | 36,1,0.19,300,0.4927,0.4736,0.4917,0.8880,0.8944,0.8924 16 | 48,1,0.34,300,0.5722,0.5466,0.5596,0.8727,0.8830,0.8780 17 | 57,2,0.37,300,0.6422,0.6177,0.6287,0.8496,0.8562,0.8497 18 | 140,3,0.05,300,0.3986,0.4067,0.4256,0.9060,0.9085,0.9058 19 | 222,1,0.31,300,0.4295,0.4177,0.4387,0.9006,0.9072,0.9023 20 | 304,3,0.08,300,0.4108,0.4089,0.4270,0.9032,0.9069,0.9040 21 | 206,2,0.24,300,0.4040,0.3981,0.4204,0.9027,0.9119,0.9081 22 | 184,2,0.2,300,0.3774,0.3902,0.4208,0.9084,0.9098,0.9062 23 | 93,2,0.06,300,0.3895,0.4031,0.4275,0.9064,0.9087,0.9017 24 | 89,2,0.39,300,0.5279,0.4971,0.5224,0.8811,0.8913,0.8857 25 | 139,3,0.11,300,0.4119,0.4037,0.4375,0.9022,0.9076,0.9019 26 | 347,3,0.31,300,0.4087,0.3953,0.4243,0.9036,0.9126,0.9076 27 | 410,3,0.25,300,0.3830,0.3893,0.4083,0.9083,0.9111,0.9108 28 | 147,3,0.1,300,0.3971,0.3983,0.4210,0.9064,0.9103,0.9047 29 | 144,3,0.22,300,0.4119,0.4025,0.4280,0.9031,0.9086,0.9050 30 | 194,1,0.09,300,0.4021,0.4115,0.4305,0.9055,0.9075,0.9052 31 | 43,3,0.07,300,0.4741,0.4633,0.4849,0.8956,0.9029,0.8998 32 | 349,3,0.29,300,0.3982,0.3899,0.4157,0.9064,0.9144,0.9073 33 | 252,3,0.22,300,0.4242,0.4044,0.4300,0.9005,0.9067,0.9026 34 | 233,3,0.19,300,0.3789,0.3858,0.4107,0.9085,0.9122,0.9101 35 | 181,2,0.17,300,0.3727,0.3934,0.4147,0.9097,0.9079,0.9092 36 | 38,3,0.34,300,1.0638,1.0436,1.0390,0.7574,0.7605,0.7632 37 | 92,2,0.07,300,0.4216,0.4079,0.4330,0.9014,0.9096,0.9053 38 | 298,2,0.29,300,0.4082,0.3983,0.4208,0.9024,0.9120,0.9068 39 | 107,3,0.4,300,0.6104,0.5694,0.5925,0.8736,0.8812,0.8791 40 | 19,1,0.05,300,0.4878,0.4818,0.4957,0.8898,0.8926,0.8912 41 | 90,2,0.17,300,0.4393,0.4212,0.4449,0.8971,0.9017,0.9004 42 | 44,2,0.23,300,0.5235,0.4951,0.5164,0.8822,0.8906,0.8865 43 | 39,3,0.31,300,0.9290,0.8929,0.9023,0.8006,0.8075,0.8058 44 | 85,2,0.29,300,0.4662,0.4391,0.4645,0.8926,0.9032,0.8990 45 | 112,2,0.33,300,0.4617,0.4332,0.4585,0.8908,0.9004,0.8954 46 | 427,1,0.04,300,0.3879,0.4062,0.4273,0.9067,0.9085,0.9067 47 | 125,2,0.13,300,0.3953,0.3977,0.4196,0.9049,0.9118,0.9058 48 | 134,3,0.0,300,0.4467,0.4383,0.4684,0.8986,0.9051,0.9017 49 | 421,2,0.5,300,0.4644,0.4248,0.4556,0.8920,0.9062,0.8986 50 | 113,3,0.49,300,0.7680,0.7419,0.7464,0.8181,0.8237,0.8243 51 | 73,3,0.46,300,0.9204,0.8821,0.8986,0.8031,0.8102,0.8084 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/basque/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.4566,0.6686,0.6662,0.9053,0.8613,0.8614 3 | 415,3,0.43,768,0.4992,0.6835,0.6920,0.8961,0.8609,0.8585 4 | 68,3,0.15,768,0.5965,0.7747,0.7763,0.8785,0.8442,0.8436 5 | 115,1,0.45,768,0.6252,0.7433,0.7493,0.8693,0.8436,0.8429 6 | 401,3,0.05,768,0.3593,0.6632,0.6680,0.9218,0.8617,0.8637 7 | 359,1,0.46,768,0.5057,0.6880,0.6941,0.8954,0.8549,0.8544 8 | 47,2,0.22,768,0.7053,0.8257,0.8228,0.8547,0.8322,0.8336 9 | 144,1,0.38,768,0.4977,0.6815,0.6761,0.8956,0.8529,0.8576 10 | 298,2,0.12,768,0.2564,0.6320,0.6320,0.9458,0.8702,0.8691 11 | 76,2,0.33,768,0.6978,0.7948,0.8029,0.8582,0.8384,0.8345 12 | 15,2,0.34,768,1.8113,1.8297,1.8543,0.6066,0.6056,0.6038 13 | 184,1,0.41000000000000003,768,0.5009,0.6765,0.6848,0.8961,0.8563,0.8565 14 | 182,1,0.34,768,0.4075,0.6419,0.6475,0.9161,0.8634,0.8633 15 | 36,1,0.19,768,0.5682,0.7146,0.7128,0.8797,0.8477,0.8503 16 | 48,1,0.34,768,0.6751,0.7817,0.7773,0.8596,0.8358,0.8382 17 | 57,2,0.37,768,0.8824,0.9676,0.9652,0.8154,0.7991,0.7984 18 | 140,3,0.05,768,0.4015,0.6795,0.6711,0.9142,0.8598,0.8601 19 | 222,1,0.31,768,0.3660,0.6323,0.6404,0.9218,0.8661,0.8672 20 | 304,3,0.08,768,0.2620,0.6504,0.6551,0.9445,0.8680,0.8676 21 | 206,2,0.24,768,0.3632,0.6220,0.6308,0.9220,0.8690,0.8667 22 | 184,2,0.2,768,0.3642,0.6321,0.6426,0.9207,0.8675,0.8647 23 | 93,2,0.06,768,0.4240,0.6543,0.6523,0.9089,0.8589,0.8623 24 | 89,2,0.39,768,0.6955,0.7973,0.8056,0.8585,0.8369,0.8382 25 | 139,3,0.11,768,0.4213,0.6790,0.6801,0.9119,0.8611,0.8621 26 | 347,3,0.31,768,0.3913,0.6456,0.6422,0.9177,0.8675,0.8660 27 | 410,3,0.25,768,0.3933,0.6499,0.6577,0.9155,0.8640,0.8665 28 | 147,3,0.1,768,0.3948,0.6617,0.6711,0.9161,0.8624,0.8599 29 | 144,3,0.22,768,0.4987,0.6939,0.6998,0.8951,0.8555,0.8558 30 | 194,1,0.09,768,0.3391,0.6367,0.6370,0.9247,0.8637,0.8666 31 | 43,3,0.07,768,0.5860,0.8182,0.8167,0.8820,0.8401,0.8414 32 | 349,3,0.29,768,0.3748,0.6476,0.6529,0.9215,0.8670,0.8666 33 | 252,3,0.22,768,0.3409,0.6441,0.6462,0.9273,0.8678,0.8676 34 | 233,3,0.19,768,0.4206,0.6599,0.6633,0.9100,0.8624,0.8627 35 | 181,2,0.17,768,0.4057,0.6274,0.6371,0.9122,0.8651,0.8673 36 | 38,3,0.34,768,1.5251,1.6247,1.6083,0.6667,0.6612,0.6592 37 | 92,2,0.07,768,0.4314,0.6604,0.6709,0.9061,0.8590,0.8583 38 | 298,2,0.29,768,0.3522,0.6216,0.6204,0.9238,0.8685,0.8694 39 | 107,3,0.4,768,0.8628,0.9736,0.9757,0.8264,0.8029,0.8063 40 | 19,1,0.05,768,0.6336,0.7794,0.7822,0.8659,0.8337,0.8376 41 | 90,2,0.17,768,0.4429,0.6572,0.6635,0.9050,0.8610,0.8590 42 | 44,2,0.23,768,0.6352,0.7736,0.7793,0.8689,0.8419,0.8415 43 | 39,3,0.31,768,1.6696,1.7086,1.7195,0.6216,0.6218,0.6143 44 | 85,2,0.29,768,0.5903,0.7231,0.7319,0.8753,0.8492,0.8474 45 | 112,2,0.33,768,0.6095,0.7361,0.7349,0.8702,0.8445,0.8452 46 | 427,1,0.04,768,0.2614,0.6398,0.6371,0.9445,0.8690,0.8704 47 | 125,2,0.13,768,0.3550,0.6406,0.6542,0.9231,0.8657,0.8655 48 | 134,3,0.0,768,0.3766,0.7104,0.6924,0.9176,0.8559,0.8597 49 | 421,2,0.5,768,0.5990,0.7367,0.7388,0.8782,0.8509,0.8501 50 | 113,3,0.49,768,1.1695,1.2263,1.2319,0.7524,0.7485,0.7444 51 | 73,3,0.46,768,1.5422,1.5771,1.5842,0.6532,0.6511,0.6476 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/basque/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.4788,0.7532,0.7463,0.8902,0.8359,0.8350 3 | 415,3,0.43,300,0.6494,0.8214,0.8120,0.8569,0.8241,0.8237 4 | 68,3,0.15,300,0.7130,0.9379,0.9372,0.8481,0.8061,0.8047 5 | 115,1,0.45,300,0.8683,0.9613,0.9757,0.8165,0.7972,0.7957 6 | 401,3,0.05,300,0.5223,0.8303,0.8443,0.8871,0.8273,0.8216 7 | 359,1,0.46,300,0.6179,0.8323,0.8371,0.8733,0.8279,0.8266 8 | 47,2,0.22,300,0.8417,0.9630,0.9767,0.8200,0.7959,0.7934 9 | 144,1,0.38,300,0.7291,0.8754,0.8818,0.8444,0.8152,0.8140 10 | 298,2,0.12,300,0.4493,0.7811,0.7894,0.9041,0.8315,0.8292 11 | 76,2,0.33,300,0.8593,0.9593,0.9695,0.8135,0.7932,0.7913 12 | 15,2,0.34,300,2.0138,2.0293,2.0487,0.5636,0.5629,0.5576 13 | 184,1,0.41000000000000003,300,0.7065,0.8624,0.8749,0.8493,0.8183,0.8167 14 | 182,1,0.34,300,0.5758,0.8099,0.8166,0.8783,0.8299,0.8287 15 | 36,1,0.19,300,0.7953,0.9359,0.9475,0.8302,0.8045,0.8011 16 | 48,1,0.34,300,0.9034,0.9926,1.0008,0.8090,0.7922,0.7921 17 | 57,2,0.37,300,1.0557,1.1155,1.1306,0.7747,0.7612,0.7604 18 | 140,3,0.05,300,0.5649,0.8725,0.8657,0.8787,0.8175,0.8178 19 | 222,1,0.31,300,0.5165,0.7943,0.7978,0.8903,0.8338,0.8311 20 | 304,3,0.08,300,0.4640,0.8302,0.8292,0.8989,0.8248,0.8252 21 | 206,2,0.24,300,0.4578,0.7664,0.7701,0.8978,0.8341,0.8345 22 | 184,2,0.2,300,0.5090,0.7798,0.7805,0.8869,0.8314,0.8288 23 | 93,2,0.06,300,0.6127,0.8535,0.8580,0.8662,0.8182,0.8169 24 | 89,2,0.39,300,0.9501,1.0157,1.0350,0.7992,0.7833,0.7819 25 | 139,3,0.11,300,0.5253,0.8439,0.8525,0.8886,0.8221,0.8185 26 | 347,3,0.31,300,0.5252,0.7801,0.7861,0.8836,0.8336,0.8302 27 | 410,3,0.25,300,0.4813,0.7817,0.7759,0.8937,0.8336,0.8316 28 | 147,3,0.1,300,0.5125,0.8446,0.8548,0.8909,0.8241,0.8199 29 | 144,3,0.22,300,0.5861,0.8273,0.8394,0.8727,0.8223,0.8206 30 | 194,1,0.09,300,0.4974,0.8173,0.8273,0.8935,0.8268,0.8283 31 | 43,3,0.07,300,0.7535,1.0029,1.0144,0.8441,0.8007,0.7977 32 | 349,3,0.29,300,0.4739,0.7802,0.7686,0.8944,0.8355,0.8321 33 | 252,3,0.22,300,0.4754,0.7914,0.7979,0.8966,0.8324,0.8275 34 | 233,3,0.19,300,0.5116,0.8103,0.8100,0.8905,0.8292,0.8291 35 | 181,2,0.17,300,0.4708,0.7810,0.7868,0.8964,0.8315,0.8309 36 | 38,3,0.34,300,1.7413,1.7692,1.7796,0.6033,0.5985,0.5988 37 | 92,2,0.07,300,0.5362,0.8466,0.8523,0.8850,0.8199,0.8192 38 | 298,2,0.29,300,0.5056,0.7636,0.7679,0.8869,0.8330,0.8326 39 | 107,3,0.4,300,1.0577,1.1312,1.1372,0.7792,0.7663,0.7656 40 | 19,1,0.05,300,0.8330,0.9834,1.0068,0.8238,0.7963,0.7928 41 | 90,2,0.17,300,0.5743,0.8232,0.8259,0.8734,0.8231,0.8218 42 | 44,2,0.23,300,0.9087,1.0035,1.0237,0.8087,0.7881,0.7852 43 | 39,3,0.31,300,1.5973,1.6543,1.6601,0.6613,0.6524,0.6494 44 | 85,2,0.29,300,0.7195,0.8698,0.8799,0.8416,0.8115,0.8114 45 | 112,2,0.33,300,0.6962,0.8458,0.8422,0.8469,0.8182,0.8170 46 | 427,1,0.04,300,0.4399,0.8299,0.8292,0.9080,0.8254,0.8277 47 | 125,2,0.13,300,0.5155,0.8051,0.8108,0.8865,0.8276,0.8272 48 | 134,3,0.0,300,0.6311,0.9150,0.9229,0.8650,0.8099,0.8116 49 | 421,2,0.5,300,0.6686,0.8223,0.8181,0.8498,0.8215,0.8188 50 | 113,3,0.49,300,1.3430,1.3802,1.3912,0.7041,0.6955,0.6975 51 | 73,3,0.46,300,1.6276,1.6537,1.6676,0.6424,0.6374,0.6344 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/czech/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.5259,0.5460,0.5716,0.8941,0.8911,0.8891 3 | 415,3,0.43,768,0.5786,0.5983,0.6216,0.8840,0.8818,0.8792 4 | 68,3,0.15,768,0.5881,0.6090,0.6424,0.8842,0.8821,0.8772 5 | 115,1,0.45,768,0.6086,0.6244,0.6473,0.8771,0.8748,0.8719 6 | 401,3,0.05,768,0.3588,0.4036,0.4343,0.9247,0.9167,0.9130 7 | 359,1,0.46,768,0.5755,0.5951,0.6185,0.8856,0.8819,0.8798 8 | 47,2,0.22,768,0.6514,0.6685,0.6940,0.8685,0.8660,0.8632 9 | 144,1,0.38,768,0.5317,0.5519,0.5724,0.8899,0.8868,0.8851 10 | 298,2,0.12,768,0.3508,0.3989,0.4182,0.9251,0.9165,0.9139 11 | 76,2,0.33,768,0.6545,0.6703,0.6941,0.8684,0.8659,0.8641 12 | 15,2,0.34,768,1.8208,1.8372,1.8652,0.6178,0.6150,0.6142 13 | 184,1,0.41000000000000003,768,0.5567,0.5772,0.6007,0.8863,0.8829,0.8806 14 | 182,1,0.34,768,0.4642,0.4905,0.5156,0.9031,0.8982,0.8955 15 | 36,1,0.19,768,0.5307,0.5524,0.5746,0.8891,0.8857,0.8821 16 | 48,1,0.34,768,0.6425,0.6605,0.6777,0.8676,0.8649,0.8625 17 | 57,2,0.37,768,0.8381,0.8530,0.8757,0.8418,0.8410,0.8379 18 | 140,3,0.05,768,0.4019,0.4348,0.4612,0.9163,0.9108,0.9075 19 | 222,1,0.31,768,0.4684,0.4957,0.5176,0.9014,0.8957,0.8942 20 | 304,3,0.08,768,0.3690,0.4088,0.4329,0.9228,0.9168,0.9137 21 | 206,2,0.24,768,0.4142,0.4406,0.4684,0.9132,0.9089,0.9054 22 | 184,2,0.2,768,0.4217,0.4490,0.4731,0.9111,0.9067,0.9044 23 | 93,2,0.06,768,0.4290,0.4565,0.4853,0.9094,0.9045,0.9013 24 | 89,2,0.39,768,0.6766,0.6913,0.7158,0.8654,0.8634,0.8604 25 | 139,3,0.11,768,0.3842,0.4194,0.4510,0.9204,0.9150,0.9110 26 | 347,3,0.31,768,0.4696,0.4942,0.5186,0.9032,0.9001,0.8979 27 | 410,3,0.25,768,0.4115,0.4442,0.4651,0.9152,0.9097,0.9076 28 | 147,3,0.1,768,0.3967,0.4305,0.4575,0.9185,0.9127,0.9100 29 | 144,3,0.22,768,0.4920,0.5163,0.5380,0.8997,0.8960,0.8942 30 | 194,1,0.09,768,0.3681,0.4139,0.4347,0.9213,0.9129,0.9113 31 | 43,3,0.07,768,0.6184,0.6417,0.6655,0.8798,0.8763,0.8739 32 | 349,3,0.29,768,0.4609,0.4854,0.5109,0.9059,0.9022,0.8992 33 | 252,3,0.22,768,0.4500,0.4736,0.4977,0.9064,0.9032,0.8996 34 | 233,3,0.19,768,0.4070,0.4365,0.4634,0.9155,0.9099,0.9075 35 | 181,2,0.17,768,0.3849,0.4166,0.4432,0.9181,0.9128,0.9090 36 | 38,3,0.34,768,1.6361,1.6593,1.7050,0.6508,0.6487,0.6482 37 | 92,2,0.07,768,0.4146,0.4473,0.4700,0.9117,0.9061,0.9032 38 | 298,2,0.29,768,0.4360,0.4626,0.4889,0.9095,0.9056,0.9027 39 | 107,3,0.4,768,0.8580,0.8754,0.9001,0.8417,0.8400,0.8380 40 | 19,1,0.05,768,0.5781,0.5955,0.6172,0.8819,0.8791,0.8757 41 | 90,2,0.17,768,0.4696,0.4946,0.5161,0.9019,0.8978,0.8961 42 | 44,2,0.23,768,0.6439,0.6609,0.6868,0.8707,0.8679,0.8646 43 | 39,3,0.31,768,1.5875,1.6126,1.6797,0.6560,0.6530,0.6521 44 | 85,2,0.29,768,0.5795,0.5975,0.6203,0.8819,0.8798,0.8771 45 | 112,2,0.33,768,0.5763,0.5948,0.6146,0.8829,0.8798,0.8787 46 | 427,1,0.04,768,0.3754,0.4213,0.4426,0.9205,0.9128,0.9099 47 | 125,2,0.13,768,0.4216,0.4499,0.4724,0.9113,0.9062,0.9044 48 | 134,3,0.0,768,0.3752,0.4192,0.4441,0.9207,0.9124,0.9090 49 | 421,2,0.5,768,0.6074,0.6225,0.6454,0.8812,0.8791,0.8773 50 | 113,3,0.49,768,1.1846,1.2038,1.2241,0.7542,0.7514,0.7511 51 | 73,3,0.46,768,1.5161,1.5358,1.5574,0.6712,0.6658,0.6654 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/czech/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.6596,0.6783,0.7074,0.8578,0.8549,0.8509 3 | 415,3,0.43,300,0.7401,0.7539,0.7880,0.8421,0.8404,0.8377 4 | 68,3,0.15,300,0.8462,0.8634,0.8950,0.8257,0.8232,0.8220 5 | 115,1,0.45,300,0.8689,0.8805,0.9005,0.8237,0.8226,0.8199 6 | 401,3,0.05,300,0.4885,0.5585,0.5923,0.8952,0.8822,0.8785 7 | 359,1,0.46,300,0.7203,0.7394,0.7581,0.8508,0.8476,0.8455 8 | 47,2,0.22,300,0.8866,0.9000,0.9181,0.8183,0.8158,0.8152 9 | 144,1,0.38,300,0.7550,0.7704,0.7883,0.8429,0.8406,0.8387 10 | 298,2,0.12,300,0.5507,0.5922,0.6193,0.8821,0.8754,0.8714 11 | 76,2,0.33,300,0.8865,0.8992,0.9184,0.8182,0.8163,0.8143 12 | 15,2,0.34,300,1.8886,1.9010,1.9192,0.6339,0.6311,0.6277 13 | 184,1,0.41000000000000003,300,0.7644,0.7794,0.7989,0.8415,0.8392,0.8373 14 | 182,1,0.34,300,0.6984,0.7172,0.7395,0.8542,0.8510,0.8486 15 | 36,1,0.19,300,0.8262,0.8411,0.8637,0.8294,0.8277,0.8255 16 | 48,1,0.34,300,0.9025,0.9150,0.9357,0.8166,0.8146,0.8126 17 | 57,2,0.37,300,1.0657,1.0768,1.0942,0.7848,0.7834,0.7832 18 | 140,3,0.05,300,0.5969,0.6342,0.6631,0.8751,0.8679,0.8649 19 | 222,1,0.31,300,0.6456,0.6724,0.6928,0.8652,0.8609,0.8577 20 | 304,3,0.08,300,0.5494,0.5933,0.6236,0.8835,0.8748,0.8716 21 | 206,2,0.24,300,0.6195,0.6442,0.6689,0.8688,0.8648,0.8615 22 | 184,2,0.2,300,0.5911,0.6203,0.6488,0.8729,0.8665,0.8643 23 | 93,2,0.06,300,0.6137,0.6450,0.6742,0.8699,0.8645,0.8607 24 | 89,2,0.39,300,0.9366,0.9477,0.9626,0.8104,0.8087,0.8082 25 | 139,3,0.11,300,0.6501,0.6736,0.7046,0.8641,0.8600,0.8570 26 | 347,3,0.31,300,0.6582,0.6794,0.7054,0.8608,0.8570,0.8546 27 | 410,3,0.25,300,0.6196,0.6431,0.6751,0.8680,0.8634,0.8601 28 | 147,3,0.1,300,0.5997,0.6349,0.6703,0.8742,0.8677,0.8644 29 | 144,3,0.22,300,0.7213,0.7391,0.7667,0.8474,0.8444,0.8408 30 | 194,1,0.09,300,0.5495,0.6032,0.6279,0.8835,0.8738,0.8709 31 | 43,3,0.07,300,0.8459,0.8654,0.8931,0.8299,0.8275,0.8248 32 | 349,3,0.29,300,0.6305,0.6544,0.6887,0.8663,0.8621,0.8586 33 | 252,3,0.22,300,0.6234,0.6485,0.6757,0.8673,0.8624,0.8606 34 | 233,3,0.19,300,0.6072,0.6335,0.6656,0.8713,0.8668,0.8632 35 | 181,2,0.17,300,0.6113,0.6381,0.6649,0.8692,0.8647,0.8616 36 | 38,3,0.34,300,1.6935,1.7100,1.7298,0.6427,0.6391,0.6391 37 | 92,2,0.07,300,0.6171,0.6484,0.6800,0.8700,0.8638,0.8613 38 | 298,2,0.29,300,0.6011,0.6266,0.6536,0.8709,0.8671,0.8634 39 | 107,3,0.4,300,1.0888,1.0986,1.1236,0.7857,0.7854,0.7837 40 | 19,1,0.05,300,0.8263,0.8447,0.8689,0.8303,0.8287,0.8241 41 | 90,2,0.17,300,0.6890,0.7078,0.7339,0.8527,0.8498,0.8462 42 | 44,2,0.23,300,0.9219,0.9359,0.9573,0.8113,0.8102,0.8088 43 | 39,3,0.31,300,1.5653,1.5842,1.6027,0.6323,0.6297,0.6302 44 | 85,2,0.29,300,0.8053,0.8186,0.8404,0.8312,0.8288,0.8280 45 | 112,2,0.33,300,0.7780,0.7912,0.8140,0.8352,0.8334,0.8309 46 | 427,1,0.04,300,0.5151,0.5801,0.6056,0.8909,0.8796,0.8765 47 | 125,2,0.13,300,0.6152,0.6427,0.6737,0.8690,0.8639,0.8613 48 | 134,3,0.0,300,0.6166,0.6577,0.6794,0.8712,0.8638,0.8611 49 | 421,2,0.5,300,0.7448,0.7574,0.7848,0.8405,0.8390,0.8367 50 | 113,3,0.49,300,1.3336,1.3448,1.3812,0.7216,0.7195,0.7182 51 | 73,3,0.46,300,1.5198,1.5323,1.5548,0.6626,0.6596,0.6591 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/english/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.4031,0.5389,0.5330,0.9200,0.8978,0.8958 3 | 415,3,0.43,768,0.4486,0.5792,0.5668,0.9130,0.8923,0.8909 4 | 68,3,0.15,768,0.5075,0.6402,0.6167,0.9012,0.8794,0.8801 5 | 115,1,0.45,768,0.5217,0.6177,0.6031,0.8958,0.8789,0.8807 6 | 401,3,0.05,768,0.3127,0.4861,0.4776,0.9380,0.9036,0.9068 7 | 359,1,0.46,768,0.4387,0.5616,0.5551,0.9144,0.8922,0.8905 8 | 47,2,0.22,768,0.5271,0.6413,0.6172,0.8976,0.8796,0.8810 9 | 144,1,0.38,768,0.4090,0.5344,0.5255,0.9168,0.8941,0.8965 10 | 298,2,0.12,768,0.3118,0.4776,0.4698,0.9358,0.9051,0.9086 11 | 76,2,0.33,768,0.5378,0.6444,0.6175,0.8961,0.8797,0.8814 12 | 15,2,0.34,768,1.7062,1.7635,1.7549,0.6634,0.6605,0.6611 13 | 184,1,0.41000000000000003,768,0.4263,0.5516,0.5406,0.9147,0.8915,0.8921 14 | 182,1,0.34,768,0.3510,0.5021,0.4922,0.9286,0.9025,0.9015 15 | 36,1,0.19,768,0.4653,0.5714,0.5587,0.9062,0.8855,0.8896 16 | 48,1,0.34,768,0.5257,0.6247,0.6023,0.8949,0.8799,0.8817 17 | 57,2,0.37,768,0.7478,0.8317,0.8182,0.8531,0.8431,0.8410 18 | 140,3,0.05,768,0.2809,0.4948,0.4964,0.9418,0.9055,0.9056 19 | 222,1,0.31,768,0.3429,0.4964,0.4870,0.9286,0.9020,0.9019 20 | 304,3,0.08,768,0.2814,0.4879,0.4751,0.9409,0.9048,0.9068 21 | 206,2,0.24,768,0.3535,0.4992,0.4905,0.9271,0.9017,0.9021 22 | 184,2,0.2,768,0.2824,0.4645,0.4547,0.9417,0.9081,0.9095 23 | 93,2,0.06,768,0.3176,0.4881,0.4803,0.9337,0.9038,0.9053 24 | 89,2,0.39,768,0.5964,0.6857,0.6719,0.8853,0.8714,0.8705 25 | 139,3,0.11,768,0.2971,0.4886,0.4766,0.9387,0.9065,0.9094 26 | 347,3,0.31,768,0.3372,0.5032,0.4940,0.9320,0.9059,0.9056 27 | 410,3,0.25,768,0.2848,0.4728,0.4626,0.9400,0.9108,0.9092 28 | 147,3,0.1,768,0.2756,0.4815,0.4662,0.9437,0.9105,0.9111 29 | 144,3,0.22,768,0.3939,0.5346,0.5285,0.9232,0.8993,0.8977 30 | 194,1,0.09,768,0.2530,0.4681,0.4577,0.9464,0.9079,0.9091 31 | 43,3,0.07,768,0.4690,0.6247,0.6005,0.9096,0.8842,0.8868 32 | 349,3,0.29,768,0.3339,0.4981,0.4896,0.9325,0.9065,0.9047 33 | 252,3,0.22,768,0.3127,0.4808,0.4788,0.9361,0.9092,0.9095 34 | 233,3,0.19,768,0.2931,0.4741,0.4698,0.9389,0.9089,0.9079 35 | 181,2,0.17,768,0.2782,0.4668,0.4595,0.9425,0.9091,0.9099 36 | 38,3,0.34,768,1.5504,1.6135,1.6081,0.6832,0.6797,0.6760 37 | 92,2,0.07,768,0.2807,0.4770,0.4668,0.9414,0.9092,0.9092 38 | 298,2,0.29,768,0.3088,0.4750,0.4665,0.9353,0.9084,0.9070 39 | 107,3,0.4,768,0.8647,0.9519,0.9198,0.8287,0.8219,0.8218 40 | 19,1,0.05,768,0.4369,0.5771,0.5572,0.9110,0.8890,0.8916 41 | 90,2,0.17,768,0.3318,0.4913,0.4762,0.9319,0.9054,0.9055 42 | 44,2,0.23,768,0.5828,0.6929,0.6579,0.8867,0.8706,0.8726 43 | 39,3,0.31,768,1.4432,1.5207,1.4987,0.7267,0.7248,0.7242 44 | 85,2,0.29,768,0.4637,0.5787,0.5527,0.9088,0.8912,0.8910 45 | 112,2,0.33,768,0.4539,0.5705,0.5470,0.9112,0.8911,0.8938 46 | 427,1,0.04,768,0.2738,0.4775,0.4858,0.9430,0.9048,0.9067 47 | 125,2,0.13,768,0.2891,0.4704,0.4638,0.9398,0.9094,0.9098 48 | 134,3,0.0,768,0.3443,0.5138,0.5073,0.9296,0.8993,0.9000 49 | 421,2,0.5,768,0.5301,0.6421,0.6205,0.8977,0.8812,0.8819 50 | 113,3,0.49,768,1.1151,1.1886,1.1642,0.7706,0.7684,0.7668 51 | 73,3,0.46,768,1.3766,1.4424,1.4346,0.7050,0.7018,0.6975 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/english/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.9408,1.0733,1.0447,0.7891,0.7711,0.7751 3 | 415,3,0.43,300,1.0487,1.1572,1.1209,0.7714,0.7580,0.7611 4 | 68,3,0.15,300,1.1613,1.2621,1.2311,0.7519,0.7425,0.7428 5 | 115,1,0.45,300,1.1593,1.2340,1.2080,0.7553,0.7450,0.7484 6 | 401,3,0.05,300,0.8642,1.0663,1.0385,0.8108,0.7751,0.7799 7 | 359,1,0.46,300,1.0092,1.1246,1.1032,0.7854,0.7671,0.7685 8 | 47,2,0.22,300,1.2335,1.3062,1.2805,0.7381,0.7319,0.7337 9 | 144,1,0.38,300,1.0359,1.1434,1.1219,0.7771,0.7632,0.7652 10 | 298,2,0.12,300,0.8002,1.0190,1.0009,0.8198,0.7834,0.7836 11 | 76,2,0.33,300,1.2217,1.2865,1.2664,0.7348,0.7305,0.7322 12 | 15,2,0.34,300,2.3023,2.3442,2.3191,0.5614,0.5654,0.5678 13 | 184,1,0.41000000000000003,300,1.0253,1.1369,1.1146,0.7794,0.7641,0.7653 14 | 182,1,0.34,300,0.9475,1.0926,1.0712,0.7934,0.7719,0.7748 15 | 36,1,0.19,300,1.1222,1.2154,1.1896,0.7616,0.7487,0.7507 16 | 48,1,0.34,300,1.1827,1.2592,1.2456,0.7483,0.7376,0.7415 17 | 57,2,0.37,300,1.4034,1.4584,1.4287,0.6996,0.7008,0.7043 18 | 140,3,0.05,300,0.9136,1.1039,1.0785,0.8010,0.7685,0.7741 19 | 222,1,0.31,300,0.9540,1.0851,1.0663,0.7931,0.7708,0.7732 20 | 304,3,0.08,300,0.7908,1.0535,1.0212,0.8254,0.7804,0.7847 21 | 206,2,0.24,300,0.8927,1.0524,1.0266,0.8001,0.7768,0.7797 22 | 184,2,0.2,300,0.8416,1.0358,1.0137,0.8104,0.7784,0.7797 23 | 93,2,0.06,300,0.9210,1.0870,1.0693,0.7974,0.7699,0.7720 24 | 89,2,0.39,300,1.2519,1.3145,1.2838,0.7355,0.7329,0.7342 25 | 139,3,0.11,300,0.9290,1.1027,1.0891,0.7977,0.7689,0.7718 26 | 347,3,0.31,300,0.9197,1.0723,1.0532,0.7957,0.7750,0.7789 27 | 410,3,0.25,300,0.8674,1.0541,1.0283,0.8069,0.7791,0.7793 28 | 147,3,0.1,300,0.9300,1.0964,1.0845,0.7960,0.7708,0.7738 29 | 144,3,0.22,300,0.9995,1.1373,1.1051,0.7821,0.7626,0.7668 30 | 194,1,0.09,300,0.8394,1.0575,1.0349,0.8151,0.7817,0.7810 31 | 43,3,0.07,300,1.1763,1.3001,1.2725,0.7498,0.7362,0.7387 32 | 349,3,0.29,300,0.9666,1.1000,1.0709,0.7854,0.7692,0.7717 33 | 252,3,0.22,300,0.8853,1.0668,1.0352,0.8032,0.7773,0.7807 34 | 233,3,0.19,300,0.8734,1.0586,1.0406,0.8065,0.7778,0.7801 35 | 181,2,0.17,300,0.8782,1.0461,1.0251,0.8040,0.7784,0.7799 36 | 38,3,0.34,300,1.9371,2.0109,1.9819,0.6116,0.6122,0.6150 37 | 92,2,0.07,300,0.9292,1.0933,1.0701,0.7964,0.7708,0.7706 38 | 298,2,0.29,300,0.8746,1.0385,1.0098,0.8039,0.7792,0.7825 39 | 107,3,0.4,300,1.3943,1.4601,1.4306,0.6905,0.6893,0.6916 40 | 19,1,0.05,300,1.1160,1.2322,1.2160,0.7625,0.7456,0.7483 41 | 90,2,0.17,300,0.9507,1.0942,1.0761,0.7896,0.7695,0.7722 42 | 44,2,0.23,300,1.2488,1.3191,1.3043,0.7321,0.7288,0.7287 43 | 39,3,0.31,300,1.9679,2.0226,1.9992,0.6054,0.6089,0.6134 44 | 85,2,0.29,300,1.1113,1.1988,1.1765,0.7597,0.7485,0.7510 45 | 112,2,0.33,300,1.1081,1.1941,1.1675,0.7595,0.7494,0.7527 46 | 427,1,0.04,300,0.7994,1.0428,1.0300,0.8245,0.7835,0.7826 47 | 125,2,0.13,300,0.8892,1.0640,1.0419,0.8021,0.7754,0.7769 48 | 134,3,0.0,300,0.8830,1.1193,1.1082,0.8068,0.7673,0.7688 49 | 421,2,0.5,300,1.0260,1.1362,1.1065,0.7742,0.7596,0.7640 50 | 113,3,0.49,300,1.6365,1.6913,1.6633,0.6627,0.6638,0.6662 51 | 73,3,0.46,300,1.8386,1.8950,1.8633,0.6265,0.6262,0.6342 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/finnish/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.6226,0.7382,0.7399,0.8761,0.8550,0.8510 3 | 415,3,0.43,768,0.6956,0.7980,0.8011,0.8626,0.8438,0.8450 4 | 68,3,0.15,768,0.7106,0.8334,0.8354,0.8550,0.8363,0.8370 5 | 115,1,0.45,768,0.7969,0.8657,0.8655,0.8412,0.8246,0.8298 6 | 401,3,0.05,768,0.3924,0.6475,0.6493,0.9177,0.8721,0.8714 7 | 359,1,0.46,768,0.7048,0.7974,0.8087,0.8570,0.8379,0.8388 8 | 47,2,0.22,768,0.8178,0.9007,0.8862,0.8364,0.8210,0.8255 9 | 144,1,0.38,768,0.6146,0.7341,0.7274,0.8748,0.8493,0.8514 10 | 298,2,0.12,768,0.4086,0.6244,0.6331,0.9111,0.8702,0.8721 11 | 76,2,0.33,768,0.8713,0.9393,0.9230,0.8275,0.8149,0.8185 12 | 15,2,0.34,768,2.1926,2.2201,2.2038,0.5583,0.5541,0.5572 13 | 184,1,0.41000000000000003,768,0.6675,0.7624,0.7560,0.8616,0.8417,0.8429 14 | 182,1,0.34,768,0.5242,0.6655,0.6806,0.8892,0.8603,0.8606 15 | 36,1,0.19,768,0.6809,0.7743,0.7685,0.8588,0.8402,0.8421 16 | 48,1,0.34,768,0.7811,0.8566,0.8486,0.8398,0.8252,0.8295 17 | 57,2,0.37,768,1.0436,1.0992,1.0887,0.8025,0.7894,0.7954 18 | 140,3,0.05,768,0.4215,0.6529,0.6599,0.9116,0.8711,0.8688 19 | 222,1,0.31,768,0.4906,0.6588,0.6683,0.8991,0.8645,0.8634 20 | 304,3,0.08,768,0.3132,0.6135,0.6178,0.9343,0.8804,0.8775 21 | 206,2,0.24,768,0.4657,0.6325,0.6437,0.9028,0.8720,0.8689 22 | 184,2,0.2,768,0.4280,0.6121,0.6200,0.9078,0.8742,0.8735 23 | 93,2,0.06,768,0.4916,0.6539,0.6546,0.8966,0.8644,0.8657 24 | 89,2,0.39,768,0.8917,0.9512,0.9458,0.8252,0.8134,0.8119 25 | 139,3,0.11,768,0.4666,0.6611,0.6687,0.9040,0.8681,0.8653 26 | 347,3,0.31,768,0.5774,0.7082,0.7162,0.8827,0.8599,0.8570 27 | 410,3,0.25,768,0.4617,0.6450,0.6404,0.9045,0.8725,0.8727 28 | 147,3,0.1,768,0.5105,0.6797,0.6927,0.8940,0.8653,0.8600 29 | 144,3,0.22,768,0.5677,0.7128,0.7181,0.8827,0.8601,0.8558 30 | 194,1,0.09,768,0.4578,0.6298,0.6426,0.9027,0.8690,0.8665 31 | 43,3,0.07,768,0.7301,0.8651,0.8796,0.8560,0.8345,0.8337 32 | 349,3,0.29,768,0.5184,0.6716,0.6784,0.8942,0.8659,0.8639 33 | 252,3,0.22,768,0.5258,0.6752,0.6881,0.8910,0.8630,0.8611 34 | 233,3,0.19,768,0.4335,0.6337,0.6443,0.9104,0.8718,0.8723 35 | 181,2,0.17,768,0.4694,0.6248,0.6429,0.9025,0.8699,0.8677 36 | 38,3,0.34,768,1.9826,2.0142,1.9943,0.5997,0.5958,0.6008 37 | 92,2,0.07,768,0.5141,0.6706,0.6620,0.8918,0.8623,0.8649 38 | 298,2,0.29,768,0.4922,0.6495,0.6535,0.8970,0.8690,0.8668 39 | 107,3,0.4,768,1.1338,1.1868,1.1797,0.7838,0.7767,0.7769 40 | 19,1,0.05,768,0.7130,0.8195,0.8169,0.8530,0.8343,0.8363 41 | 90,2,0.17,768,0.5502,0.6890,0.6884,0.8854,0.8578,0.8590 42 | 44,2,0.23,768,0.9140,0.9765,0.9725,0.8214,0.8091,0.8127 43 | 39,3,0.31,768,1.8728,1.9132,1.8965,0.6159,0.6110,0.6175 44 | 85,2,0.29,768,0.7166,0.8061,0.7997,0.8558,0.8395,0.8417 45 | 112,2,0.33,768,0.7495,0.8254,0.8227,0.8499,0.8354,0.8347 46 | 427,1,0.04,768,0.3055,0.6207,0.6248,0.9336,0.8734,0.8737 47 | 125,2,0.13,768,0.5328,0.6716,0.6730,0.8889,0.8612,0.8624 48 | 134,3,0.0,768,0.4071,0.6789,0.6835,0.9133,0.8627,0.8603 49 | 421,2,0.5,768,0.7915,0.8636,0.8729,0.8479,0.8352,0.8327 50 | 113,3,0.49,768,1.4894,1.5356,1.5254,0.7067,0.6972,0.7039 51 | 73,3,0.46,768,1.9272,1.9670,1.9592,0.5945,0.5870,0.5903 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/finnish/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.5546,0.7059,0.7212,0.8817,0.8551,0.8538 3 | 415,3,0.43,300,0.7483,0.8435,0.8474,0.8454,0.8307,0.8282 4 | 68,3,0.15,300,0.9196,1.0195,1.0073,0.8111,0.7947,0.8006 5 | 115,1,0.45,300,0.9106,0.9746,0.9730,0.8168,0.8044,0.8066 6 | 401,3,0.05,300,0.3793,0.7544,0.7832,0.9223,0.8540,0.8497 7 | 359,1,0.46,300,0.7246,0.8288,0.8418,0.8557,0.8336,0.8317 8 | 47,2,0.22,300,0.9797,1.0533,1.0411,0.7992,0.7870,0.7879 9 | 144,1,0.38,300,0.7721,0.8609,0.8691,0.8436,0.8267,0.8277 10 | 298,2,0.12,300,0.4373,0.7066,0.7302,0.9095,0.8559,0.8568 11 | 76,2,0.33,300,0.9729,1.0334,1.0200,0.8015,0.7940,0.7969 12 | 15,2,0.34,300,2.2100,2.2271,2.2066,0.5809,0.5840,0.5813 13 | 184,1,0.41000000000000003,300,0.7515,0.8455,0.8570,0.8478,0.8278,0.8287 14 | 182,1,0.34,300,0.6963,0.8145,0.8208,0.8590,0.8350,0.8348 15 | 36,1,0.19,300,0.9003,0.9791,0.9784,0.8151,0.8009,0.8013 16 | 48,1,0.34,300,1.0061,1.0615,1.0490,0.7971,0.7882,0.7923 17 | 57,2,0.37,300,1.1948,1.2330,1.2124,0.7652,0.7599,0.7641 18 | 140,3,0.05,300,0.5143,0.8059,0.8248,0.8958,0.8406,0.8425 19 | 222,1,0.31,300,0.5850,0.7462,0.7631,0.8813,0.8469,0.8493 20 | 304,3,0.08,300,0.4780,0.7369,0.7753,0.9045,0.8532,0.8471 21 | 206,2,0.24,300,0.5631,0.7311,0.7470,0.8825,0.8513,0.8485 22 | 184,2,0.2,300,0.5383,0.7272,0.7477,0.8868,0.8511,0.8493 23 | 93,2,0.06,300,0.5750,0.7955,0.8050,0.8828,0.8427,0.8436 24 | 89,2,0.39,300,1.0107,1.0667,1.0493,0.7923,0.7873,0.7881 25 | 139,3,0.11,300,0.5480,0.7902,0.7981,0.8883,0.8428,0.8461 26 | 347,3,0.31,300,0.5748,0.7324,0.7467,0.8799,0.8489,0.8518 27 | 410,3,0.25,300,0.5182,0.7214,0.7419,0.8908,0.8553,0.8523 28 | 147,3,0.1,300,0.5508,0.7842,0.8028,0.8877,0.8443,0.8415 29 | 144,3,0.22,300,0.7825,0.8946,0.8992,0.8408,0.8211,0.8196 30 | 194,1,0.09,300,0.5131,0.7447,0.7584,0.8965,0.8501,0.8502 31 | 43,3,0.07,300,0.9242,1.0765,1.0692,0.8164,0.7897,0.7944 32 | 349,3,0.29,300,0.5782,0.7441,0.7592,0.8784,0.8486,0.8488 33 | 252,3,0.22,300,0.5700,0.7507,0.7705,0.8823,0.8497,0.8486 34 | 233,3,0.19,300,0.5296,0.7380,0.7559,0.8908,0.8522,0.8517 35 | 181,2,0.17,300,0.5218,0.7290,0.7377,0.8924,0.8536,0.8529 36 | 38,3,0.34,300,1.9361,1.9708,1.9469,0.6133,0.6095,0.6105 37 | 92,2,0.07,300,0.5954,0.8029,0.8172,0.8770,0.8378,0.8359 38 | 298,2,0.29,300,0.5215,0.7031,0.7188,0.8903,0.8540,0.8535 39 | 107,3,0.4,300,1.2009,1.2504,1.2291,0.7640,0.7560,0.7611 40 | 19,1,0.05,300,0.9344,1.0324,1.0262,0.8089,0.7895,0.7947 41 | 90,2,0.17,300,0.6941,0.8328,0.8369,0.8571,0.8295,0.8311 42 | 44,2,0.23,300,1.0274,1.0923,1.0765,0.7910,0.7794,0.7836 43 | 39,3,0.31,300,1.8048,1.8362,1.8177,0.6372,0.6328,0.6321 44 | 85,2,0.29,300,0.8716,0.9506,0.9460,0.8180,0.8044,0.8066 45 | 112,2,0.33,300,0.8239,0.9052,0.9008,0.8297,0.8156,0.8165 46 | 427,1,0.04,300,0.4347,0.7325,0.7578,0.9127,0.8527,0.8508 47 | 125,2,0.13,300,0.5332,0.7511,0.7691,0.8895,0.8476,0.8467 48 | 134,3,0.0,300,0.6080,0.8719,0.8691,0.8767,0.8255,0.8291 49 | 421,2,0.5,300,0.7196,0.8087,0.8106,0.8474,0.8326,0.8325 50 | 113,3,0.49,300,1.4276,1.4595,1.4370,0.7219,0.7130,0.7204 51 | 73,3,0.46,300,1.7414,1.7551,1.7418,0.6611,0.6560,0.6638 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/korean/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.4604,0.4913,0.5334,0.9068,0.8985,0.8916 3 | 415,3,0.43,768,0.4914,0.5161,0.5540,0.9042,0.8991,0.8938 4 | 68,3,0.15,768,0.5327,0.5601,0.5972,0.8937,0.8878,0.8837 5 | 115,1,0.45,768,0.5968,0.6095,0.6543,0.8842,0.8784,0.8734 6 | 401,3,0.05,768,0.3159,0.3992,0.4267,0.9337,0.9173,0.9131 7 | 359,1,0.46,768,0.5058,0.5382,0.5737,0.9041,0.8961,0.8919 8 | 47,2,0.22,768,0.6163,0.6232,0.6741,0.8785,0.8756,0.8693 9 | 144,1,0.38,768,0.4761,0.5059,0.5444,0.9061,0.8988,0.8931 10 | 298,2,0.12,768,0.3395,0.4073,0.4443,0.9283,0.9147,0.9080 11 | 76,2,0.33,768,0.6352,0.6450,0.6936,0.8767,0.8716,0.8667 12 | 15,2,0.34,768,1.9704,1.9230,2.0456,0.6549,0.6691,0.6447 13 | 184,1,0.41000000000000003,768,0.5013,0.5309,0.5697,0.8995,0.8913,0.8856 14 | 182,1,0.34,768,0.4253,0.4691,0.4988,0.9144,0.9029,0.9000 15 | 36,1,0.19,768,0.5301,0.5463,0.5851,0.8921,0.8873,0.8807 16 | 48,1,0.34,768,0.6054,0.6206,0.6624,0.8790,0.8744,0.8680 17 | 57,2,0.37,768,0.7799,0.7739,0.8414,0.8510,0.8490,0.8403 18 | 140,3,0.05,768,0.3280,0.4070,0.4300,0.9316,0.9159,0.9124 19 | 222,1,0.31,768,0.4165,0.4648,0.4953,0.9129,0.9026,0.8998 20 | 304,3,0.08,768,0.2714,0.3768,0.3968,0.9425,0.9233,0.9179 21 | 206,2,0.24,768,0.3467,0.4035,0.4289,0.9280,0.9173,0.9139 22 | 184,2,0.2,768,0.3776,0.4244,0.4536,0.9220,0.9122,0.9072 23 | 93,2,0.06,768,0.3277,0.4058,0.4253,0.9309,0.9164,0.9105 24 | 89,2,0.39,768,0.7074,0.7068,0.7611,0.8598,0.8586,0.8534 25 | 139,3,0.11,768,0.3275,0.4025,0.4342,0.9325,0.9180,0.9124 26 | 347,3,0.31,768,0.4182,0.4553,0.4922,0.9159,0.9090,0.9020 27 | 410,3,0.25,768,0.4064,0.4417,0.4802,0.9172,0.9099,0.9038 28 | 147,3,0.1,768,0.3231,0.3989,0.4258,0.9329,0.9177,0.9141 29 | 144,3,0.22,768,0.4177,0.4547,0.4891,0.9161,0.9075,0.9016 30 | 194,1,0.09,768,0.3440,0.4130,0.4461,0.9280,0.9144,0.9088 31 | 43,3,0.07,768,0.5932,0.6124,0.6667,0.8854,0.8811,0.8736 32 | 349,3,0.29,768,0.4087,0.4473,0.4858,0.9175,0.9090,0.9020 33 | 252,3,0.22,768,0.3507,0.4092,0.4377,0.9271,0.9161,0.9115 34 | 233,3,0.19,768,0.3733,0.4291,0.4595,0.9244,0.9149,0.9085 35 | 181,2,0.17,768,0.3430,0.4038,0.4257,0.9295,0.9176,0.9120 36 | 38,3,0.34,768,1.4676,1.4196,1.5529,0.7380,0.7477,0.7236 37 | 92,2,0.07,768,0.3716,0.4280,0.4538,0.9227,0.9115,0.9048 38 | 298,2,0.29,768,0.4320,0.4571,0.4969,0.9129,0.9060,0.8995 39 | 107,3,0.4,768,0.8390,0.8326,0.9198,0.8403,0.8414,0.8227 40 | 19,1,0.05,768,0.5203,0.5365,0.5779,0.8947,0.8856,0.8828 41 | 90,2,0.17,768,0.3976,0.4415,0.4697,0.9179,0.9094,0.9050 42 | 44,2,0.23,768,0.5901,0.6012,0.6489,0.8823,0.8798,0.8736 43 | 39,3,0.31,768,1.5703,1.5334,1.6484,0.6743,0.6879,0.6576 44 | 85,2,0.29,768,0.5011,0.5252,0.5637,0.8991,0.8929,0.8897 45 | 112,2,0.33,768,0.5174,0.5283,0.5840,0.8959,0.8919,0.8836 46 | 427,1,0.04,768,0.3104,0.4086,0.4354,0.9337,0.9146,0.9085 47 | 125,2,0.13,768,0.3492,0.4058,0.4397,0.9265,0.9156,0.9085 48 | 134,3,0.0,768,0.3229,0.4226,0.4394,0.9317,0.9123,0.9097 49 | 421,2,0.5,768,0.5929,0.6041,0.6499,0.8861,0.8800,0.8741 50 | 113,3,0.49,768,1.0070,0.9960,1.0705,0.8270,0.8312,0.8164 51 | 73,3,0.46,768,1.3985,1.3537,1.4827,0.7542,0.7648,0.7424 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/korean/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.7784,0.8720,0.8820,0.8359,0.8135,0.8133 3 | 415,3,0.43,300,0.8449,0.9274,0.9404,0.8217,0.8021,0.8022 4 | 68,3,0.15,300,0.9187,1.0107,1.0353,0.8120,0.7906,0.7917 5 | 115,1,0.45,300,1.0939,1.1570,1.1734,0.7823,0.7654,0.7654 6 | 401,3,0.05,300,0.5587,0.7704,0.7753,0.8791,0.8340,0.8330 7 | 359,1,0.46,300,0.9152,1.0017,1.0129,0.8200,0.7987,0.7991 8 | 47,2,0.22,300,1.1205,1.1787,1.1953,0.7711,0.7561,0.7532 9 | 144,1,0.38,300,0.9235,1.0093,1.0158,0.8144,0.7910,0.7950 10 | 298,2,0.12,300,0.5393,0.7626,0.7608,0.8818,0.8339,0.8372 11 | 76,2,0.33,300,1.0698,1.1340,1.1458,0.7811,0.7634,0.7680 12 | 15,2,0.34,300,2.4729,2.4508,2.5228,0.4855,0.4965,0.4836 13 | 184,1,0.41000000000000003,300,0.9196,1.0021,1.0112,0.8155,0.7948,0.7958 14 | 182,1,0.34,300,0.8272,0.9294,0.9344,0.8322,0.8105,0.8088 15 | 36,1,0.19,300,1.0488,1.1117,1.1404,0.7851,0.7671,0.7660 16 | 48,1,0.34,300,1.1980,1.2463,1.2671,0.7581,0.7428,0.7440 17 | 57,2,0.37,300,1.3218,1.3645,1.3892,0.7397,0.7254,0.7269 18 | 140,3,0.05,300,0.6307,0.8204,0.8245,0.8646,0.8226,0.8252 19 | 222,1,0.31,300,0.7901,0.9085,0.9085,0.8375,0.8109,0.8128 20 | 304,3,0.08,300,0.5139,0.7736,0.7610,0.8881,0.8339,0.8389 21 | 206,2,0.24,300,0.7163,0.8310,0.8329,0.8464,0.8210,0.8245 22 | 184,2,0.2,300,0.6380,0.7887,0.7967,0.8624,0.8294,0.8307 23 | 93,2,0.06,300,0.7129,0.8679,0.8656,0.8481,0.8154,0.8174 24 | 89,2,0.39,300,1.1375,1.1929,1.2108,0.7698,0.7537,0.7559 25 | 139,3,0.11,300,0.6533,0.8140,0.8192,0.8598,0.8270,0.8263 26 | 347,3,0.31,300,0.7379,0.8473,0.8482,0.8426,0.8169,0.8195 27 | 410,3,0.25,300,0.6503,0.7925,0.7919,0.8582,0.8272,0.8293 28 | 147,3,0.1,300,0.6867,0.8370,0.8442,0.8542,0.8204,0.8220 29 | 144,3,0.22,300,0.7940,0.8944,0.8982,0.8331,0.8099,0.8126 30 | 194,1,0.09,300,0.6179,0.8217,0.8193,0.8692,0.8264,0.8274 31 | 43,3,0.07,300,0.9927,1.1118,1.1207,0.7995,0.7717,0.7797 32 | 349,3,0.29,300,0.7070,0.8276,0.8237,0.8487,0.8209,0.8228 33 | 252,3,0.22,300,0.6637,0.8037,0.7966,0.8568,0.8271,0.8291 34 | 233,3,0.19,300,0.6879,0.8161,0.8158,0.8520,0.8216,0.8256 35 | 181,2,0.17,300,0.7078,0.8323,0.8317,0.8496,0.8233,0.8228 36 | 38,3,0.34,300,2.1081,2.1061,2.1806,0.5665,0.5663,0.5597 37 | 92,2,0.07,300,0.7508,0.8758,0.8824,0.8408,0.8110,0.8131 38 | 298,2,0.29,300,0.6755,0.8046,0.8043,0.8539,0.8260,0.8299 39 | 107,3,0.4,300,1.3324,1.3783,1.4069,0.7385,0.7240,0.7278 40 | 19,1,0.05,300,1.0622,1.1313,1.1624,0.7820,0.7618,0.7617 41 | 90,2,0.17,300,0.8040,0.9027,0.9113,0.8308,0.8032,0.8087 42 | 44,2,0.23,300,1.1652,1.2179,1.2445,0.7625,0.7479,0.7489 43 | 39,3,0.31,300,2.0085,2.0155,2.0809,0.5957,0.5945,0.5859 44 | 85,2,0.29,300,0.9779,1.0523,1.0630,0.7977,0.7777,0.7815 45 | 112,2,0.33,300,0.9352,1.0064,1.0183,0.8062,0.7845,0.7901 46 | 427,1,0.04,300,0.6123,0.8175,0.8108,0.8709,0.8268,0.8291 47 | 125,2,0.13,300,0.6821,0.8217,0.8273,0.8532,0.8241,0.8243 48 | 134,3,0.0,300,0.6337,0.8437,0.8509,0.8651,0.8213,0.8245 49 | 421,2,0.5,300,0.9150,0.9876,1.0069,0.8087,0.7892,0.7917 50 | 113,3,0.49,300,1.6162,1.6475,1.6865,0.6788,0.6670,0.6717 51 | 73,3,0.46,300,1.9611,1.9653,2.0333,0.5988,0.5955,0.5846 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/marathi/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.3411,1.4234,1.3591,0.9398,0.7386,0.7534 3 | 415,3,0.43,768,0.4865,1.6225,1.3742,0.9062,0.7386,0.7507 4 | 68,3,0.15,768,0.8187,1.9562,1.5747,0.8502,0.7030,0.7233 5 | 115,1,0.45,768,0.3172,1.3893,1.3298,0.9417,0.7462,0.7507 6 | 401,3,0.05,768,0.5410,1.6262,1.5471,0.8906,0.7132,0.7205 7 | 359,1,0.46,768,0.3274,1.4015,1.3616,0.9394,0.7284,0.7397 8 | 47,2,0.22,768,0.6466,1.6265,1.4094,0.8803,0.7107,0.7342 9 | 144,1,0.38,768,0.2301,1.3813,1.4067,0.9691,0.7411,0.7479 10 | 298,2,0.12,768,0.1782,1.5682,1.6430,0.9741,0.7259,0.7233 11 | 76,2,0.33,768,0.5289,1.6091,1.3966,0.9066,0.7437,0.7479 12 | 15,2,0.34,768,1.4320,2.2117,1.7713,0.7199,0.6193,0.6959 13 | 184,1,0.41000000000000003,768,0.2753,1.4190,1.3876,0.9566,0.7437,0.7616 14 | 182,1,0.34,768,0.2465,1.3638,1.3887,0.9619,0.7335,0.7479 15 | 36,1,0.19,768,0.4722,1.4931,1.3870,0.9177,0.7030,0.7534 16 | 48,1,0.34,768,0.5461,1.4705,1.3250,0.9040,0.7234,0.7644 17 | 57,2,0.37,768,0.7253,1.7165,1.3786,0.8579,0.7081,0.7397 18 | 140,3,0.05,768,0.4082,1.7030,1.6558,0.9253,0.7462,0.7315 19 | 222,1,0.31,768,0.1833,1.3979,1.4167,0.9836,0.7538,0.7507 20 | 304,3,0.08,768,0.7334,1.7158,1.5146,0.8498,0.7030,0.7370 21 | 206,2,0.24,768,0.7368,1.4906,1.4125,0.8525,0.7284,0.7370 22 | 184,2,0.2,768,0.3900,1.4616,1.4263,0.9371,0.7335,0.7315 23 | 93,2,0.06,768,0.4119,1.5684,1.4924,0.9181,0.7208,0.7342 24 | 89,2,0.39,768,0.6113,1.5544,1.3804,0.8845,0.7259,0.7425 25 | 139,3,0.11,768,0.5543,1.7258,1.5655,0.8948,0.6980,0.7233 26 | 347,3,0.31,768,0.4778,1.5910,1.4658,0.8944,0.7310,0.7452 27 | 410,3,0.25,768,0.4698,1.6404,1.3950,0.9089,0.7259,0.7370 28 | 147,3,0.1,768,1.0741,1.7833,1.5404,0.7938,0.6777,0.7041 29 | 144,3,0.22,768,0.7779,1.6954,1.4639,0.8460,0.7208,0.7233 30 | 194,1,0.09,768,0.1994,1.4355,1.5242,0.9825,0.7360,0.7479 31 | 43,3,0.07,768,0.6274,1.7858,1.5911,0.8880,0.6904,0.7479 32 | 349,3,0.29,768,0.4404,1.6234,1.4910,0.9158,0.7284,0.7452 33 | 252,3,0.22,768,0.6513,1.6963,1.4935,0.8639,0.7259,0.7397 34 | 233,3,0.19,768,0.3376,1.6487,1.5246,0.9444,0.7208,0.7397 35 | 181,2,0.17,768,0.3823,1.3990,1.3954,0.9325,0.7259,0.7452 36 | 38,3,0.34,768,1.4298,2.2725,1.7744,0.7630,0.6193,0.6493 37 | 92,2,0.07,768,0.3799,1.4872,1.4160,0.9394,0.7183,0.7479 38 | 298,2,0.29,768,0.4927,1.4203,1.3336,0.9082,0.7487,0.7644 39 | 107,3,0.4,768,1.2120,1.9568,1.6559,0.7637,0.6447,0.6932 40 | 19,1,0.05,768,0.7029,1.6652,1.4764,0.8739,0.7056,0.7342 41 | 90,2,0.17,768,0.4724,1.5433,1.3854,0.9101,0.7259,0.7479 42 | 44,2,0.23,768,0.6326,1.5655,1.4249,0.8788,0.7157,0.7178 43 | 39,3,0.31,768,1.6144,2.2280,1.8869,0.6643,0.6497,0.6548 44 | 85,2,0.29,768,0.4283,1.4848,1.3678,0.9215,0.7284,0.7507 45 | 112,2,0.33,768,0.5959,1.5040,1.3144,0.8937,0.7360,0.7425 46 | 427,1,0.04,768,0.2884,1.4697,1.5537,0.9466,0.7259,0.7342 47 | 125,2,0.13,768,0.5993,1.4427,1.3771,0.8758,0.7386,0.7425 48 | 134,3,0.0,768,0.6621,1.7526,1.4578,0.8746,0.6777,0.7397 49 | 421,2,0.5,768,0.5138,1.4306,1.3669,0.9028,0.7386,0.7452 50 | 113,3,0.49,768,1.3673,2.1586,1.6627,0.7161,0.6396,0.6575 51 | 73,3,0.46,768,1.4657,2.3559,1.8080,0.6940,0.6142,0.6630 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/marathi/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.7845,1.7975,1.6325,0.8449,0.6548,0.6986 3 | 415,3,0.43,300,0.8405,1.9441,1.7093,0.8377,0.6726,0.6904 4 | 68,3,0.15,300,1.2567,2.1637,1.9289,0.7671,0.6142,0.6603 5 | 115,1,0.45,300,0.7575,1.7741,1.6331,0.8514,0.6574,0.7123 6 | 401,3,0.05,300,1.2275,2.2200,1.8859,0.7511,0.5990,0.6849 7 | 359,1,0.46,300,0.6477,1.7501,1.6497,0.8727,0.6599,0.6986 8 | 47,2,0.22,300,1.0075,2.0304,1.6853,0.8102,0.6320,0.6932 9 | 144,1,0.38,300,0.8434,1.7977,1.5795,0.8357,0.6447,0.7178 10 | 298,2,0.12,300,0.9414,1.9652,1.7537,0.8114,0.6345,0.6740 11 | 76,2,0.33,300,0.9513,1.9393,1.6189,0.8186,0.6447,0.6986 12 | 15,2,0.34,300,1.8626,2.3986,1.9827,0.5938,0.5431,0.6192 13 | 184,1,0.41000000000000003,300,0.7462,1.7790,1.6015,0.8518,0.6574,0.7123 14 | 182,1,0.34,300,0.7400,1.7983,1.6211,0.8556,0.6701,0.7096 15 | 36,1,0.19,300,0.8314,1.8792,1.6191,0.8399,0.6599,0.7068 16 | 48,1,0.34,300,0.7549,1.8433,1.6450,0.8544,0.6701,0.7096 17 | 57,2,0.37,300,1.1655,1.9930,1.6769,0.7729,0.6396,0.6685 18 | 140,3,0.05,300,1.3093,2.1697,1.8366,0.7287,0.6168,0.6548 19 | 222,1,0.31,300,0.7152,1.8066,1.6227,0.8628,0.6548,0.7151 20 | 304,3,0.08,300,1.2608,2.1083,1.7532,0.7431,0.6091,0.6658 21 | 206,2,0.24,300,0.9505,1.8906,1.6179,0.8106,0.6294,0.6986 22 | 184,2,0.2,300,0.8214,1.8996,1.6456,0.8403,0.6345,0.6959 23 | 93,2,0.06,300,1.0643,2.0157,1.7361,0.7965,0.6447,0.7014 24 | 89,2,0.39,300,0.9743,1.9172,1.6351,0.8136,0.6371,0.7041 25 | 139,3,0.11,300,1.2596,2.1244,1.8370,0.7424,0.6218,0.6658 26 | 347,3,0.31,300,1.1176,2.0192,1.7470,0.7805,0.6269,0.6740 27 | 410,3,0.25,300,0.7142,2.0181,1.8879,0.8579,0.6497,0.6877 28 | 147,3,0.1,300,1.0623,2.0729,1.7911,0.7877,0.6523,0.6986 29 | 144,3,0.22,300,1.2371,2.1476,1.7367,0.7660,0.6117,0.6630 30 | 194,1,0.09,300,0.7865,1.8619,1.6421,0.8491,0.6548,0.7123 31 | 43,3,0.07,300,1.4745,2.2795,1.9486,0.7073,0.5990,0.6603 32 | 349,3,0.29,300,0.9179,1.9653,1.7140,0.8121,0.6396,0.6877 33 | 252,3,0.22,300,0.9550,1.9145,1.6818,0.8106,0.6472,0.7123 34 | 233,3,0.19,300,0.9829,2.0234,1.7745,0.8014,0.6041,0.6795 35 | 181,2,0.17,300,0.9731,1.9259,1.6484,0.8095,0.6396,0.7014 36 | 38,3,0.34,300,1.7944,2.4205,2.0995,0.6079,0.5178,0.6219 37 | 92,2,0.07,300,0.9536,2.0065,1.7123,0.8144,0.6320,0.6877 38 | 298,2,0.29,300,1.0089,1.8469,1.6560,0.8030,0.6523,0.6849 39 | 107,3,0.4,300,1.2407,2.0791,1.7705,0.7527,0.6168,0.6849 40 | 19,1,0.05,300,1.0365,1.9697,1.6530,0.8045,0.6218,0.6959 41 | 90,2,0.17,300,1.0426,1.9614,1.6776,0.7957,0.6371,0.6986 42 | 44,2,0.23,300,1.1074,1.9997,1.6691,0.7858,0.6168,0.6986 43 | 39,3,0.31,300,1.8521,2.4284,2.0042,0.6216,0.5406,0.6055 44 | 85,2,0.29,300,0.9949,1.9286,1.6692,0.8026,0.6396,0.6740 45 | 112,2,0.33,300,0.8977,1.9353,1.6164,0.8304,0.6574,0.7014 46 | 427,1,0.04,300,0.9357,1.8412,1.6191,0.8213,0.6624,0.7014 47 | 125,2,0.13,300,1.0045,1.9825,1.6657,0.8068,0.6396,0.6986 48 | 134,3,0.0,300,1.2511,2.1676,1.8643,0.7519,0.5990,0.6712 49 | 421,2,0.5,300,0.6608,1.7831,1.6745,0.8716,0.6751,0.6932 50 | 113,3,0.49,300,1.3275,2.2177,1.7991,0.7268,0.5990,0.6575 51 | 73,3,0.46,300,1.5489,2.3193,1.9059,0.6711,0.5736,0.6274 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/tamil/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.2704,1.1836,1.1864,0.9572,0.7591,0.7721 3 | 415,3,0.43,768,0.4290,1.2722,1.3124,0.9229,0.7354,0.7533 4 | 68,3,0.15,768,0.4513,1.3616,1.4204,0.9133,0.7210,0.7287 5 | 115,1,0.45,768,0.3936,1.1469,1.1740,0.9263,0.7566,0.7571 6 | 401,3,0.05,768,0.5384,1.3792,1.3565,0.8845,0.7295,0.7384 7 | 359,1,0.46,768,0.3934,1.1761,1.1862,0.9290,0.7439,0.7485 8 | 47,2,0.22,768,0.4638,1.2314,1.2536,0.9094,0.7506,0.7587 9 | 144,1,0.38,768,0.3187,1.1345,1.1679,0.9472,0.7523,0.7592 10 | 298,2,0.12,768,0.5731,1.3092,1.2521,0.8781,0.7303,0.7437 11 | 76,2,0.33,768,0.4468,1.2145,1.2644,0.9130,0.7346,0.7549 12 | 15,2,0.34,768,1.6157,1.9475,2.1872,0.6640,0.5934,0.5543 13 | 184,1,0.41000000000000003,768,0.2748,1.1436,1.1723,0.9570,0.7456,0.7694 14 | 182,1,0.34,768,0.2275,1.1770,1.1822,0.9656,0.7532,0.7571 15 | 36,1,0.19,768,0.4775,1.2056,1.1814,0.9086,0.7413,0.7533 16 | 48,1,0.34,768,0.4831,1.1792,1.1908,0.9108,0.7447,0.7549 17 | 57,2,0.37,768,0.5312,1.2650,1.3036,0.9059,0.7405,0.7480 18 | 140,3,0.05,768,0.6056,1.3089,1.3620,0.8688,0.7194,0.7362 19 | 222,1,0.31,768,0.3286,1.1561,1.2037,0.9423,0.7447,0.7582 20 | 304,3,0.08,768,0.4754,1.3382,1.3256,0.9042,0.7303,0.7426 21 | 206,2,0.24,768,0.2658,1.2086,1.2455,0.9519,0.7616,0.7523 22 | 184,2,0.2,768,0.4664,1.2403,1.2242,0.9091,0.7320,0.7491 23 | 93,2,0.06,768,0.5228,1.2689,1.3059,0.8948,0.7346,0.7405 24 | 89,2,0.39,768,0.4445,1.2025,1.2889,0.9216,0.7515,0.7491 25 | 139,3,0.11,768,0.3876,1.3368,1.3329,0.9278,0.7278,0.7368 26 | 347,3,0.31,768,0.4289,1.2597,1.2807,0.9120,0.7473,0.7576 27 | 410,3,0.25,768,0.4844,1.2673,1.3149,0.9079,0.7396,0.7475 28 | 147,3,0.1,768,0.5381,1.3376,1.3449,0.8968,0.7303,0.7410 29 | 144,3,0.22,768,0.4809,1.3213,1.3710,0.9000,0.7320,0.7491 30 | 194,1,0.09,768,0.4644,1.1955,1.2300,0.9098,0.7439,0.7512 31 | 43,3,0.07,768,0.8126,1.4759,1.6197,0.8534,0.6923,0.6859 32 | 349,3,0.29,768,0.3550,1.2691,1.3022,0.9275,0.7464,0.7598 33 | 252,3,0.22,768,0.4616,1.2562,1.2797,0.9081,0.7422,0.7442 34 | 233,3,0.19,768,0.5494,1.2765,1.2674,0.8985,0.7354,0.7485 35 | 181,2,0.17,768,0.5671,1.2121,1.2433,0.8889,0.7422,0.7410 36 | 38,3,0.34,768,1.3713,1.8914,2.0930,0.6854,0.5833,0.5639 37 | 92,2,0.07,768,0.3651,1.2541,1.2914,0.9334,0.7447,0.7464 38 | 298,2,0.29,768,0.3901,1.1887,1.2166,0.9228,0.7566,0.7523 39 | 107,3,0.4,768,0.6868,1.4373,1.4854,0.8686,0.6932,0.7282 40 | 19,1,0.05,768,0.4787,1.2712,1.2952,0.9182,0.7312,0.7368 41 | 90,2,0.17,768,0.3415,1.2399,1.2249,0.9400,0.7295,0.7566 42 | 44,2,0.23,768,0.4287,1.2965,1.3297,0.9241,0.7312,0.7432 43 | 39,3,0.31,768,1.3894,1.9362,2.1519,0.6741,0.5917,0.5741 44 | 85,2,0.29,768,0.2827,1.2310,1.2713,0.9499,0.7523,0.7646 45 | 112,2,0.33,768,0.4249,1.1772,1.2079,0.9233,0.7439,0.7683 46 | 427,1,0.04,768,0.4307,1.2554,1.2570,0.9143,0.7413,0.7533 47 | 125,2,0.13,768,0.4405,1.2228,1.2259,0.9143,0.7413,0.7603 48 | 134,3,0.0,768,0.5325,1.5128,1.5066,0.8980,0.6948,0.7063 49 | 421,2,0.5,768,0.3770,1.1980,1.1945,0.9477,0.7540,0.7592 50 | 113,3,0.49,768,0.8000,1.5697,1.6022,0.8480,0.6872,0.7105 51 | 73,3,0.46,768,1.2866,1.8004,1.9533,0.7170,0.6213,0.6025 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/tamil/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.5548,1.3085,1.2554,0.8841,0.7261,0.7512 3 | 415,3,0.43,300,0.6805,1.3378,1.3311,0.8582,0.7244,0.7335 4 | 68,3,0.15,300,0.6614,1.4788,1.5255,0.8603,0.7244,0.7335 5 | 115,1,0.45,300,0.5675,1.2838,1.2480,0.8816,0.7227,0.7475 6 | 401,3,0.05,300,0.7482,1.5300,1.5273,0.8435,0.6906,0.7180 7 | 359,1,0.46,300,0.5260,1.3253,1.2394,0.8875,0.7303,0.7630 8 | 47,2,0.22,300,0.6860,1.3907,1.3773,0.8571,0.7219,0.7384 9 | 144,1,0.38,300,0.6655,1.3207,1.2815,0.8617,0.7194,0.7501 10 | 298,2,0.12,300,0.7620,1.3677,1.3939,0.8352,0.7219,0.7239 11 | 76,2,0.33,300,0.7031,1.3391,1.3184,0.8548,0.7236,0.7368 12 | 15,2,0.34,300,1.5215,1.7746,1.8526,0.6994,0.6500,0.6255 13 | 184,1,0.41000000000000003,300,0.5531,1.3163,1.2440,0.8833,0.7126,0.7539 14 | 182,1,0.34,300,0.5648,1.3191,1.2727,0.8840,0.7295,0.7501 15 | 36,1,0.19,300,0.6529,1.3600,1.3406,0.8624,0.7278,0.7416 16 | 48,1,0.34,300,0.7314,1.3386,1.2839,0.8457,0.7227,0.7389 17 | 57,2,0.37,300,0.7061,1.3276,1.3370,0.8543,0.7337,0.7362 18 | 140,3,0.05,300,0.8465,1.5787,1.5864,0.8202,0.6991,0.7100 19 | 222,1,0.31,300,0.6139,1.3267,1.2889,0.8669,0.7278,0.7523 20 | 304,3,0.08,300,0.6984,1.5018,1.5562,0.8462,0.6965,0.7132 21 | 206,2,0.24,300,0.6920,1.3385,1.3318,0.8539,0.7227,0.7293 22 | 184,2,0.2,300,0.6530,1.3514,1.3375,0.8600,0.7312,0.7378 23 | 93,2,0.06,300,0.8914,1.4990,1.4860,0.8146,0.7058,0.7116 24 | 89,2,0.39,300,0.6486,1.3289,1.2951,0.8644,0.7312,0.7416 25 | 139,3,0.11,300,0.7809,1.4357,1.4619,0.8411,0.7168,0.7186 26 | 347,3,0.31,300,0.5620,1.3606,1.3703,0.8848,0.7126,0.7368 27 | 410,3,0.25,300,0.6214,1.3547,1.3572,0.8728,0.7185,0.7432 28 | 147,3,0.1,300,0.6368,1.4667,1.4901,0.8659,0.7126,0.7298 29 | 144,3,0.22,300,0.6024,1.3948,1.3878,0.8722,0.7151,0.7330 30 | 194,1,0.09,300,0.6741,1.3930,1.3809,0.8620,0.7185,0.7250 31 | 43,3,0.07,300,0.8007,1.5266,1.5422,0.8310,0.6957,0.7132 32 | 349,3,0.29,300,0.6782,1.3673,1.3561,0.8585,0.7151,0.7335 33 | 252,3,0.22,300,0.6328,1.3948,1.3688,0.8683,0.7092,0.7426 34 | 233,3,0.19,300,0.6834,1.4104,1.3887,0.8550,0.7194,0.7325 35 | 181,2,0.17,300,0.6618,1.3711,1.3726,0.8582,0.7253,0.7293 36 | 38,3,0.34,300,1.2382,1.6898,1.6977,0.7367,0.6534,0.6297 37 | 92,2,0.07,300,0.8401,1.4360,1.4623,0.8254,0.7177,0.7314 38 | 298,2,0.29,300,0.6500,1.3260,1.3054,0.8632,0.7185,0.7373 39 | 107,3,0.4,300,0.6738,1.3953,1.4343,0.8619,0.7210,0.7330 40 | 19,1,0.05,300,0.7827,1.4377,1.4195,0.8406,0.7270,0.7239 41 | 90,2,0.17,300,0.6520,1.3909,1.3736,0.8602,0.7227,0.7282 42 | 44,2,0.23,300,0.6976,1.3514,1.3648,0.8568,0.7244,0.7384 43 | 39,3,0.31,300,1.1786,1.6998,1.7307,0.7838,0.6788,0.6752 44 | 85,2,0.29,300,0.7051,1.3461,1.3314,0.8514,0.7219,0.7352 45 | 112,2,0.33,300,0.5931,1.3317,1.2840,0.8767,0.7312,0.7459 46 | 427,1,0.04,300,0.6485,1.4032,1.3853,0.8673,0.7185,0.7282 47 | 125,2,0.13,300,0.7568,1.4211,1.4301,0.8364,0.7160,0.7266 48 | 134,3,0.0,300,0.9545,1.6388,1.6716,0.8013,0.6779,0.6881 49 | 421,2,0.5,300,0.5513,1.2732,1.2270,0.8904,0.7287,0.7437 50 | 113,3,0.49,300,0.9789,1.5316,1.5419,0.8189,0.7033,0.7170 51 | 73,3,0.46,300,1.2142,1.6315,1.6788,0.7694,0.6788,0.6838 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/telugu/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.0934,0.9836,1.1766,0.9886,0.8154,0.8000 3 | 415,3,0.43,768,0.3047,1.0660,1.2038,0.9449,0.7947,0.7774 4 | 68,3,0.15,768,0.4983,1.2813,1.4791,0.8946,0.7759,0.7826 5 | 115,1,0.45,768,0.2982,0.9579,1.0871,0.9524,0.8098,0.7983 6 | 401,3,0.05,768,0.8381,1.2669,1.3527,0.8192,0.7439,0.7548 7 | 359,1,0.46,768,0.1323,1.0077,1.1181,0.9839,0.7947,0.7930 8 | 47,2,0.22,768,0.2638,1.1188,1.3111,0.9524,0.7815,0.7809 9 | 144,1,0.38,768,0.3156,1.0134,1.0978,0.9464,0.7872,0.7791 10 | 298,2,0.12,768,0.4228,1.1140,1.2437,0.9194,0.7891,0.7722 11 | 76,2,0.33,768,0.5727,1.1725,1.2340,0.8988,0.7759,0.7722 12 | 15,2,0.34,768,1.4935,1.8160,1.7868,0.7160,0.6478,0.6870 13 | 184,1,0.41000000000000003,768,0.1711,1.0410,1.1409,0.9764,0.8041,0.7896 14 | 182,1,0.34,768,0.1273,1.0226,1.1908,0.9829,0.7966,0.7930 15 | 36,1,0.19,768,0.4575,1.1025,1.1855,0.9206,0.7778,0.7687 16 | 48,1,0.34,768,0.3157,1.0818,1.1497,0.9526,0.7966,0.7774 17 | 57,2,0.37,768,0.4381,1.1514,1.2979,0.9139,0.7872,0.7809 18 | 140,3,0.05,768,0.5420,1.2157,1.3170,0.8948,0.7759,0.7583 19 | 222,1,0.31,768,0.3672,1.0327,1.1021,0.9429,0.7702,0.7878 20 | 304,3,0.08,768,0.4074,1.2086,1.4115,0.9117,0.7910,0.7687 21 | 206,2,0.24,768,0.3811,1.0612,1.1698,0.9276,0.7834,0.7896 22 | 184,2,0.2,768,0.1245,1.0974,1.2354,0.9821,0.8004,0.7983 23 | 93,2,0.06,768,0.3547,1.1606,1.2537,0.9392,0.7759,0.7704 24 | 89,2,0.39,768,0.3718,1.0300,1.1298,0.9370,0.8023,0.8087 25 | 139,3,0.11,768,0.3666,1.2252,1.3705,0.9238,0.7759,0.7704 26 | 347,3,0.31,768,0.3652,1.0671,1.2619,0.9169,0.7872,0.8070 27 | 410,3,0.25,768,0.4062,1.1256,1.2216,0.9194,0.7853,0.7843 28 | 147,3,0.1,768,0.6131,1.2163,1.3265,0.8762,0.7721,0.7635 29 | 144,3,0.22,768,0.5165,1.1119,1.2383,0.8990,0.7928,0.7878 30 | 194,1,0.09,768,0.3713,1.0451,1.1581,0.9367,0.7815,0.7704 31 | 43,3,0.07,768,0.8183,1.3584,1.3905,0.8343,0.7326,0.7583 32 | 349,3,0.29,768,0.4118,1.1434,1.2809,0.9127,0.7684,0.7757 33 | 252,3,0.22,768,0.6101,1.1886,1.3071,0.8742,0.7797,0.7635 34 | 233,3,0.19,768,0.3377,1.0934,1.2831,0.9300,0.7947,0.7791 35 | 181,2,0.17,768,0.1850,1.1367,1.2630,0.9722,0.7872,0.7652 36 | 38,3,0.34,768,1.3181,1.7044,1.7111,0.7420,0.6685,0.7096 37 | 92,2,0.07,768,0.6206,1.1397,1.2528,0.8802,0.7740,0.7704 38 | 298,2,0.29,768,0.2193,1.0722,1.2453,0.9593,0.7928,0.7861 39 | 107,3,0.4,768,0.6762,1.3226,1.4123,0.8457,0.7495,0.7583 40 | 19,1,0.05,768,0.5924,1.1894,1.2956,0.8963,0.7495,0.7722 41 | 90,2,0.17,768,0.3904,1.0533,1.2005,0.9266,0.7891,0.7774 42 | 44,2,0.23,768,0.4260,1.1454,1.2642,0.9176,0.7910,0.7896 43 | 39,3,0.31,768,1.3560,1.7051,1.7299,0.7249,0.6591,0.6730 44 | 85,2,0.29,768,0.3943,1.0014,1.2094,0.9318,0.7985,0.7861 45 | 112,2,0.33,768,0.2704,1.0615,1.1958,0.9586,0.7910,0.7861 46 | 427,1,0.04,768,0.3046,1.1027,1.1844,0.9472,0.7759,0.7670 47 | 125,2,0.13,768,0.1123,1.1217,1.3053,0.9829,0.7928,0.7774 48 | 134,3,0.0,768,0.5787,1.3466,1.4509,0.8854,0.7608,0.7583 49 | 421,2,0.5,768,0.2589,0.9832,1.1395,0.9608,0.8173,0.7791 50 | 113,3,0.49,768,0.9738,1.4608,1.5425,0.7968,0.6987,0.7235 51 | 73,3,0.46,768,1.2762,1.6137,1.6748,0.7584,0.6836,0.6991 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/telugu/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.3265,1.0850,1.3844,0.9434,0.8136,0.7757 3 | 415,3,0.43,300,0.4655,1.1968,1.5165,0.9117,0.7740,0.7722 4 | 68,3,0.15,300,0.7557,1.4605,1.7239,0.8559,0.7552,0.7443 5 | 115,1,0.45,300,0.4114,1.0973,1.3363,0.9298,0.7985,0.7617 6 | 401,3,0.05,300,0.6830,1.4014,1.6803,0.8636,0.7533,0.7409 7 | 359,1,0.46,300,0.3389,1.0674,1.3496,0.9457,0.8041,0.7600 8 | 47,2,0.22,300,0.6788,1.2217,1.3909,0.8653,0.7571,0.7583 9 | 144,1,0.38,300,0.3641,1.0877,1.3515,0.9385,0.8041,0.7617 10 | 298,2,0.12,300,0.5457,1.2342,1.4798,0.8941,0.7721,0.7617 11 | 76,2,0.33,300,0.4792,1.1760,1.4400,0.9112,0.8041,0.7861 12 | 15,2,0.34,300,1.5451,1.8131,1.7953,0.6906,0.6441,0.6609 13 | 184,1,0.41000000000000003,300,0.4321,1.0768,1.3486,0.9231,0.8023,0.7635 14 | 182,1,0.34,300,0.3656,1.0929,1.3588,0.9380,0.7985,0.7600 15 | 36,1,0.19,300,0.4911,1.1448,1.3315,0.9102,0.7684,0.7617 16 | 48,1,0.34,300,0.4915,1.1305,1.3707,0.9097,0.7872,0.7548 17 | 57,2,0.37,300,0.7080,1.1959,1.4359,0.8583,0.7646,0.7583 18 | 140,3,0.05,300,0.7088,1.3685,1.7237,0.8554,0.7382,0.7113 19 | 222,1,0.31,300,0.3743,1.1007,1.3421,0.9360,0.8004,0.7513 20 | 304,3,0.08,300,0.6776,1.3718,1.5315,0.8665,0.7476,0.7583 21 | 206,2,0.24,300,0.5115,1.1347,1.4009,0.8988,0.7947,0.7583 22 | 184,2,0.2,300,0.4884,1.1790,1.4477,0.9099,0.7966,0.7530 23 | 93,2,0.06,300,0.7347,1.2755,1.4709,0.8546,0.7514,0.7478 24 | 89,2,0.39,300,0.5353,1.1454,1.4490,0.9032,0.7928,0.7757 25 | 139,3,0.11,300,0.8588,1.3809,1.5914,0.8276,0.7345,0.7322 26 | 347,3,0.31,300,0.4885,1.2266,1.5240,0.9010,0.7910,0.7600 27 | 410,3,0.25,300,0.4439,1.2058,1.5250,0.9102,0.7928,0.7739 28 | 147,3,0.1,300,0.5789,1.3600,1.5938,0.8856,0.7759,0.7322 29 | 144,3,0.22,300,0.4661,1.2419,1.5986,0.9139,0.7985,0.7704 30 | 194,1,0.09,300,0.5099,1.1269,1.3562,0.9092,0.7815,0.7565 31 | 43,3,0.07,300,0.8382,1.4315,1.6820,0.8296,0.7382,0.7235 32 | 349,3,0.29,300,0.4912,1.2505,1.5378,0.9013,0.7853,0.7774 33 | 252,3,0.22,300,0.4192,1.2828,1.5765,0.9169,0.7910,0.7704 34 | 233,3,0.19,300,0.7836,1.3062,1.4918,0.8447,0.7608,0.7635 35 | 181,2,0.17,300,0.5801,1.1863,1.4173,0.8861,0.7834,0.7530 36 | 38,3,0.34,300,1.4855,1.8140,1.9374,0.7130,0.6535,0.6800 37 | 92,2,0.07,300,0.6083,1.2409,1.4821,0.8777,0.7759,0.7600 38 | 298,2,0.29,300,0.3645,1.1028,1.3794,0.9335,0.8154,0.7757 39 | 107,3,0.4,300,0.8075,1.2997,1.5545,0.8459,0.7759,0.7617 40 | 19,1,0.05,300,0.6377,1.2077,1.3822,0.8866,0.7646,0.7513 41 | 90,2,0.17,300,0.6593,1.1959,1.4440,0.8700,0.7834,0.7617 42 | 44,2,0.23,300,0.6929,1.2287,1.4628,0.8623,0.7778,0.7600 43 | 39,3,0.31,300,1.3316,1.6826,1.7939,0.7189,0.6817,0.6783 44 | 85,2,0.29,300,0.5497,1.1890,1.4321,0.8928,0.7797,0.7704 45 | 112,2,0.33,300,0.4895,1.1252,1.3682,0.9090,0.7853,0.7757 46 | 427,1,0.04,300,0.6036,1.1490,1.3655,0.8906,0.7778,0.7513 47 | 125,2,0.13,300,0.6460,1.2420,1.4485,0.8717,0.7665,0.7617 48 | 134,3,0.0,300,1.0438,1.5256,1.6890,0.8023,0.7194,0.7165 49 | 421,2,0.5,300,0.4287,1.0673,1.3136,0.9263,0.8117,0.7791 50 | 113,3,0.49,300,0.9916,1.4999,1.6598,0.7894,0.7137,0.7339 51 | 73,3,0.46,300,1.4381,1.7058,1.7733,0.7184,0.6761,0.6835 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/turkish/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.5842,1.2172,1.1312,0.8910,0.7486,0.7656 3 | 415,3,0.43,768,0.8192,1.2656,1.1620,0.8261,0.7406,0.7628 4 | 68,3,0.15,768,0.8797,1.3637,1.2705,0.8225,0.7302,0.7480 5 | 115,1,0.45,768,0.9036,1.2765,1.1940,0.8134,0.7356,0.7514 6 | 401,3,0.05,768,0.7357,1.2431,1.1514,0.8461,0.7428,0.7592 7 | 359,1,0.46,768,0.6438,1.2315,1.1411,0.8744,0.7457,0.7680 8 | 47,2,0.22,768,0.9087,1.3004,1.2045,0.8123,0.7377,0.7489 9 | 144,1,0.38,768,0.8022,1.2321,1.1364,0.8370,0.7474,0.7654 10 | 298,2,0.12,768,0.6391,1.2055,1.1169,0.8630,0.7460,0.7661 11 | 76,2,0.33,768,0.9807,1.3165,1.2249,0.7998,0.7357,0.7512 12 | 15,2,0.34,768,2.1615,2.2931,2.2415,0.5504,0.5305,0.5407 13 | 184,1,0.41000000000000003,768,0.7722,1.2354,1.1387,0.8368,0.7442,0.7619 14 | 182,1,0.34,768,0.7031,1.2120,1.1202,0.8550,0.7460,0.7634 15 | 36,1,0.19,768,0.8548,1.2449,1.1617,0.8179,0.7409,0.7581 16 | 48,1,0.34,768,0.9669,1.2993,1.2111,0.7999,0.7352,0.7492 17 | 57,2,0.37,768,1.2016,1.4616,1.3581,0.7664,0.7126,0.7303 18 | 140,3,0.05,768,0.6987,1.2425,1.1286,0.8543,0.7444,0.7645 19 | 222,1,0.31,768,0.5938,1.2050,1.1148,0.8776,0.7510,0.7696 20 | 304,3,0.08,768,0.6490,1.2332,1.1359,0.8620,0.7496,0.7670 21 | 206,2,0.24,768,0.6468,1.1987,1.1199,0.8642,0.7492,0.7681 22 | 184,2,0.2,768,0.6562,1.2017,1.1052,0.8592,0.7525,0.7675 23 | 93,2,0.06,768,0.6624,1.2220,1.1482,0.8578,0.7516,0.7659 24 | 89,2,0.39,768,0.9328,1.2977,1.1964,0.8075,0.7353,0.7557 25 | 139,3,0.11,768,0.7027,1.2615,1.1584,0.8549,0.7445,0.7618 26 | 347,3,0.31,768,0.7228,1.2325,1.1535,0.8498,0.7448,0.7651 27 | 410,3,0.25,768,0.6704,1.2363,1.1445,0.8588,0.7452,0.7679 28 | 147,3,0.1,768,0.8283,1.2588,1.1637,0.8306,0.7397,0.7589 29 | 144,3,0.22,768,0.7387,1.2573,1.1715,0.8506,0.7467,0.7652 30 | 194,1,0.09,768,0.6592,1.2218,1.1148,0.8623,0.7414,0.7687 31 | 43,3,0.07,768,0.8688,1.4244,1.3050,0.8259,0.7218,0.7428 32 | 349,3,0.29,768,0.6902,1.2294,1.1355,0.8594,0.7439,0.7687 33 | 252,3,0.22,768,0.6567,1.2367,1.1485,0.8642,0.7470,0.7642 34 | 233,3,0.19,768,0.6146,1.2489,1.1270,0.8711,0.7496,0.7722 35 | 181,2,0.17,768,0.6769,1.2040,1.1192,0.8549,0.7481,0.7649 36 | 38,3,0.34,768,1.8068,2.0078,1.9447,0.6365,0.5945,0.6205 37 | 92,2,0.07,768,0.7535,1.2294,1.1319,0.8402,0.7456,0.7669 38 | 298,2,0.29,768,0.6541,1.1997,1.1075,0.8672,0.7519,0.7696 39 | 107,3,0.4,768,1.1032,1.4545,1.3509,0.7749,0.7144,0.7298 40 | 19,1,0.05,768,0.8816,1.3137,1.2111,0.8144,0.7313,0.7525 41 | 90,2,0.17,768,0.7290,1.2299,1.1230,0.8470,0.7471,0.7672 42 | 44,2,0.23,768,1.0073,1.3518,1.2481,0.7971,0.7294,0.7480 43 | 39,3,0.31,768,1.7574,1.9788,1.8958,0.6474,0.6053,0.6257 44 | 85,2,0.29,768,0.8203,1.2588,1.1593,0.8307,0.7418,0.7589 45 | 112,2,0.33,768,0.7838,1.2263,1.1285,0.8341,0.7490,0.7662 46 | 427,1,0.04,768,0.7202,1.2062,1.1259,0.8491,0.7531,0.7622 47 | 125,2,0.13,768,0.5914,1.2127,1.1155,0.8750,0.7540,0.7697 48 | 134,3,0.0,768,0.8672,1.2750,1.1844,0.8160,0.7343,0.7538 49 | 421,2,0.5,768,0.7788,1.2602,1.1656,0.8500,0.7469,0.7660 50 | 113,3,0.49,768,1.4691,1.6848,1.5996,0.7049,0.6680,0.6805 51 | 73,3,0.46,768,1.7405,1.9206,1.8383,0.6459,0.6089,0.6291 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/turkish/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.7052,1.2623,1.1670,0.8462,0.7384,0.7498 3 | 415,3,0.43,300,0.8328,1.3108,1.2014,0.8222,0.7276,0.7463 4 | 68,3,0.15,300,1.0726,1.4592,1.3681,0.7822,0.7084,0.7194 5 | 115,1,0.45,300,1.0972,1.3775,1.2905,0.7683,0.7130,0.7297 6 | 401,3,0.05,300,0.9661,1.3587,1.2720,0.7967,0.7215,0.7368 7 | 359,1,0.46,300,0.8935,1.3100,1.2167,0.8107,0.7281,0.7421 8 | 47,2,0.22,300,1.0721,1.4019,1.3174,0.7760,0.7116,0.7242 9 | 144,1,0.38,300,0.9217,1.3197,1.2275,0.8058,0.7263,0.7426 10 | 298,2,0.12,300,0.7708,1.3209,1.2216,0.8375,0.7296,0.7454 11 | 76,2,0.33,300,1.1360,1.4066,1.3171,0.7647,0.7094,0.7261 12 | 15,2,0.34,300,2.2287,2.3164,2.2659,0.5692,0.5433,0.5599 13 | 184,1,0.41000000000000003,300,0.9333,1.3164,1.2241,0.8019,0.7251,0.7402 14 | 182,1,0.34,300,0.8778,1.3053,1.2080,0.8151,0.7286,0.7453 15 | 36,1,0.19,300,1.0319,1.3862,1.2988,0.7801,0.7106,0.7270 16 | 48,1,0.34,300,1.1184,1.3999,1.3036,0.7605,0.7060,0.7233 17 | 57,2,0.37,300,1.2950,1.5163,1.4264,0.7424,0.6917,0.7129 18 | 140,3,0.05,300,0.8954,1.4005,1.2951,0.8138,0.7184,0.7330 19 | 222,1,0.31,300,0.8447,1.2987,1.2011,0.8195,0.7278,0.7431 20 | 304,3,0.08,300,0.8228,1.3559,1.2586,0.8287,0.7270,0.7377 21 | 206,2,0.24,300,0.8424,1.3017,1.2105,0.8220,0.7283,0.7391 22 | 184,2,0.2,300,0.7746,1.3028,1.2127,0.8352,0.7347,0.7452 23 | 93,2,0.06,300,0.9028,1.3630,1.2772,0.8078,0.7183,0.7331 24 | 89,2,0.39,300,1.1361,1.3952,1.3129,0.7628,0.7095,0.7243 25 | 139,3,0.11,300,0.8212,1.3657,1.2819,0.8305,0.7258,0.7379 26 | 347,3,0.31,300,0.8022,1.3159,1.2179,0.8288,0.7294,0.7439 27 | 410,3,0.25,300,0.7232,1.3168,1.2075,0.8481,0.7312,0.7475 28 | 147,3,0.1,300,0.8480,1.3555,1.2666,0.8258,0.7239,0.7392 29 | 144,3,0.22,300,0.9430,1.3578,1.2575,0.8056,0.7197,0.7358 30 | 194,1,0.09,300,0.8359,1.3370,1.2416,0.8188,0.7253,0.7387 31 | 43,3,0.07,300,1.1157,1.5646,1.4548,0.7780,0.6932,0.7121 32 | 349,3,0.29,300,0.7409,1.3026,1.2027,0.8404,0.7339,0.7434 33 | 252,3,0.22,300,0.8193,1.3308,1.2291,0.8287,0.7292,0.7445 34 | 233,3,0.19,300,0.8543,1.3227,1.2292,0.8224,0.7316,0.7400 35 | 181,2,0.17,300,0.7971,1.3106,1.2158,0.8313,0.7292,0.7450 36 | 38,3,0.34,300,1.9854,2.1378,2.0579,0.6131,0.5835,0.5926 37 | 92,2,0.07,300,0.8760,1.3497,1.2631,0.8139,0.7220,0.7362 38 | 298,2,0.29,300,0.7276,1.2760,1.1744,0.8439,0.7333,0.7504 39 | 107,3,0.4,300,1.3450,1.5745,1.4874,0.7338,0.6848,0.7005 40 | 19,1,0.05,300,1.0898,1.4397,1.3366,0.7692,0.7043,0.7265 41 | 90,2,0.17,300,0.7923,1.3314,1.2244,0.8311,0.7287,0.7471 42 | 44,2,0.23,300,1.1053,1.4270,1.3431,0.7710,0.7053,0.7239 43 | 39,3,0.31,300,1.7588,1.9509,1.8762,0.6511,0.6092,0.6244 44 | 85,2,0.29,300,0.9445,1.3331,1.2347,0.7991,0.7260,0.7375 45 | 112,2,0.33,300,0.9462,1.3291,1.2382,0.7970,0.7249,0.7361 46 | 427,1,0.04,300,0.8866,1.3555,1.2567,0.8106,0.7232,0.7402 47 | 125,2,0.13,300,0.8458,1.3380,1.2403,0.8179,0.7263,0.7401 48 | 134,3,0.0,300,1.0348,1.4586,1.3575,0.7844,0.7047,0.7232 49 | 421,2,0.5,300,0.8801,1.2911,1.1822,0.8057,0.7287,0.7486 50 | 113,3,0.49,300,1.5314,1.6998,1.6307,0.7026,0.6676,0.6814 51 | 73,3,0.46,300,1.7933,1.9330,1.8724,0.6216,0.5903,0.6056 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/urdu/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.5494,0.6641,0.6705,0.8826,0.8637,0.8603 3 | 415,3,0.43,768,0.6116,0.6830,0.7065,0.8747,0.8579,0.8545 4 | 68,3,0.15,768,0.6341,0.7230,0.7249,0.8745,0.8557,0.8559 5 | 115,1,0.45,768,0.6649,0.7216,0.7288,0.8606,0.8459,0.8447 6 | 401,3,0.05,768,0.4917,0.6548,0.6594,0.8947,0.8651,0.8610 7 | 359,1,0.46,768,0.6095,0.6974,0.6951,0.8732,0.8570,0.8545 8 | 47,2,0.22,768,0.7017,0.7416,0.7580,0.8594,0.8467,0.8437 9 | 144,1,0.38,768,0.6029,0.6881,0.6867,0.8715,0.8552,0.8537 10 | 298,2,0.12,768,0.4531,0.6289,0.6372,0.9022,0.8663,0.8657 11 | 76,2,0.33,768,0.6753,0.7270,0.7300,0.8623,0.8467,0.8494 12 | 15,2,0.34,768,1.8748,1.8404,1.8279,0.5827,0.5861,0.5873 13 | 184,1,0.41000000000000003,768,0.5959,0.6883,0.6865,0.8762,0.8553,0.8549 14 | 182,1,0.34,768,0.5126,0.6501,0.6496,0.8911,0.8626,0.8617 15 | 36,1,0.19,768,0.6248,0.7023,0.7044,0.8688,0.8538,0.8511 16 | 48,1,0.34,768,0.7248,0.7547,0.7627,0.8478,0.8405,0.8395 17 | 57,2,0.37,768,0.8605,0.8606,0.8718,0.8306,0.8215,0.8232 18 | 140,3,0.05,768,0.4778,0.6644,0.6654,0.8987,0.8633,0.8635 19 | 222,1,0.31,768,0.5122,0.6488,0.6438,0.8899,0.8629,0.8621 20 | 304,3,0.08,768,0.4820,0.6470,0.6375,0.8997,0.8641,0.8682 21 | 206,2,0.24,768,0.4387,0.6250,0.6274,0.9040,0.8723,0.8686 22 | 184,2,0.2,768,0.4575,0.6349,0.6367,0.9021,0.8683,0.8678 23 | 93,2,0.06,768,0.4823,0.6500,0.6462,0.8967,0.8637,0.8641 24 | 89,2,0.39,768,0.7368,0.7530,0.7689,0.8520,0.8456,0.8427 25 | 139,3,0.11,768,0.4727,0.6499,0.6476,0.9021,0.8674,0.8686 26 | 347,3,0.31,768,0.5365,0.6529,0.6620,0.8887,0.8665,0.8626 27 | 410,3,0.25,768,0.4710,0.6367,0.6404,0.8998,0.8630,0.8650 28 | 147,3,0.1,768,0.4426,0.6420,0.6385,0.9060,0.8686,0.8681 29 | 144,3,0.22,768,0.5493,0.6619,0.6709,0.8855,0.8634,0.8624 30 | 194,1,0.09,768,0.4095,0.6435,0.6374,0.9122,0.8660,0.8661 31 | 43,3,0.07,768,0.6406,0.7425,0.7623,0.8731,0.8542,0.8514 32 | 349,3,0.29,768,0.4531,0.6358,0.6344,0.9017,0.8685,0.8706 33 | 252,3,0.22,768,0.4574,0.6362,0.6352,0.9025,0.8681,0.8696 34 | 233,3,0.19,768,0.5427,0.6604,0.6658,0.8859,0.8611,0.8624 35 | 181,2,0.17,768,0.4748,0.6411,0.6369,0.8977,0.8643,0.8671 36 | 38,3,0.34,768,1.4890,1.4475,1.4907,0.6903,0.6983,0.6887 37 | 92,2,0.07,768,0.5470,0.6526,0.6512,0.8855,0.8650,0.8641 38 | 298,2,0.29,768,0.4769,0.6328,0.6353,0.8982,0.8675,0.8681 39 | 107,3,0.4,768,0.9050,0.9104,0.9381,0.8179,0.8134,0.8061 40 | 19,1,0.05,768,0.6241,0.7160,0.7188,0.8713,0.8512,0.8535 41 | 90,2,0.17,768,0.5352,0.6568,0.6621,0.8870,0.8596,0.8627 42 | 44,2,0.23,768,0.7452,0.7719,0.7822,0.8531,0.8430,0.8400 43 | 39,3,0.31,768,1.5052,1.4784,1.5011,0.6606,0.6688,0.6603 44 | 85,2,0.29,768,0.6305,0.6985,0.7147,0.8698,0.8542,0.8536 45 | 112,2,0.33,768,0.6051,0.6711,0.6765,0.8728,0.8581,0.8566 46 | 427,1,0.04,768,0.3683,0.6570,0.6460,0.9183,0.8659,0.8672 47 | 125,2,0.13,768,0.4923,0.6461,0.6397,0.8919,0.8644,0.8641 48 | 134,3,0.0,768,0.4451,0.6738,0.6781,0.9044,0.8615,0.8584 49 | 421,2,0.5,768,0.6652,0.7281,0.7336,0.8603,0.8451,0.8464 50 | 113,3,0.49,768,1.0916,1.0745,1.1070,0.7695,0.7745,0.7634 51 | 73,3,0.46,768,1.4525,1.4039,1.4417,0.6729,0.6855,0.6775 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/urdu/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.8121,0.9372,0.9433,0.8130,0.7919,0.7893 3 | 415,3,0.43,300,0.9093,0.9845,0.9816,0.7987,0.7846,0.7860 4 | 68,3,0.15,300,1.0161,1.0860,1.0939,0.7881,0.7758,0.7698 5 | 115,1,0.45,300,1.1304,1.1515,1.1601,0.7663,0.7588,0.7576 6 | 401,3,0.05,300,0.7840,0.9755,0.9794,0.8285,0.7882,0.7892 7 | 359,1,0.46,300,0.8890,1.0108,1.0084,0.8130,0.7887,0.7872 8 | 47,2,0.22,300,1.1304,1.1469,1.1506,0.7629,0.7583,0.7543 9 | 144,1,0.38,300,0.9896,1.0601,1.0534,0.7888,0.7755,0.7749 10 | 298,2,0.12,300,0.6745,0.9441,0.9343,0.8493,0.8027,0.7978 11 | 76,2,0.33,300,1.1298,1.1321,1.1398,0.7601,0.7579,0.7524 12 | 15,2,0.34,300,2.0898,2.0383,2.0421,0.5283,0.5396,0.5346 13 | 184,1,0.41000000000000003,300,1.0127,1.0726,1.0686,0.7864,0.7718,0.7753 14 | 182,1,0.34,300,0.8644,0.9964,1.0032,0.8144,0.7875,0.7872 15 | 36,1,0.19,300,1.0758,1.1203,1.1174,0.7747,0.7636,0.7636 16 | 48,1,0.34,300,1.1575,1.1732,1.1846,0.7612,0.7585,0.7552 17 | 57,2,0.37,300,1.2802,1.2596,1.2705,0.7358,0.7434,0.7339 18 | 140,3,0.05,300,0.7357,0.9894,1.0098,0.8405,0.7918,0.7842 19 | 222,1,0.31,300,0.8384,0.9964,0.9821,0.8199,0.7864,0.7880 20 | 304,3,0.08,300,0.6723,0.9577,0.9563,0.8520,0.7973,0.7952 21 | 206,2,0.24,300,0.7780,0.9425,0.9308,0.8239,0.7976,0.7945 22 | 184,2,0.2,300,0.8023,0.9515,0.9549,0.8219,0.7966,0.7902 23 | 93,2,0.06,300,0.8760,1.0124,1.0228,0.8101,0.7843,0.7792 24 | 89,2,0.39,300,1.1625,1.1563,1.1700,0.7554,0.7555,0.7491 25 | 139,3,0.11,300,0.7766,0.9799,0.9859,0.8280,0.7899,0.7890 26 | 347,3,0.31,300,0.7985,0.9338,0.9406,0.8226,0.7988,0.7945 27 | 410,3,0.25,300,0.6821,0.9229,0.9319,0.8471,0.8020,0.7990 28 | 147,3,0.1,300,0.7383,0.9759,0.9840,0.8370,0.7955,0.7875 29 | 144,3,0.22,300,0.8384,0.9663,0.9768,0.8163,0.7914,0.7870 30 | 194,1,0.09,300,0.8151,1.0008,0.9979,0.8240,0.7861,0.7874 31 | 43,3,0.07,300,1.0373,1.1255,1.1485,0.7861,0.7681,0.7643 32 | 349,3,0.29,300,0.7747,0.9335,0.9476,0.8263,0.7981,0.7918 33 | 252,3,0.22,300,0.7591,0.9321,0.9420,0.8333,0.7986,0.7967 34 | 233,3,0.19,300,0.7709,0.9501,0.9604,0.8295,0.7931,0.7906 35 | 181,2,0.17,300,0.7536,0.9523,0.9459,0.8313,0.7916,0.7956 36 | 38,3,0.34,300,1.8631,1.8144,1.8572,0.6007,0.6138,0.6047 37 | 92,2,0.07,300,0.7769,0.9893,0.9871,0.8293,0.7935,0.7878 38 | 298,2,0.29,300,0.7902,0.9373,0.9410,0.8225,0.7972,0.7937 39 | 107,3,0.4,300,1.3021,1.2810,1.2908,0.7310,0.7378,0.7286 40 | 19,1,0.05,300,1.1314,1.1825,1.1992,0.7629,0.7499,0.7471 41 | 90,2,0.17,300,0.9237,1.0083,1.0171,0.7987,0.7805,0.7807 42 | 44,2,0.23,300,1.2013,1.1936,1.2155,0.7507,0.7504,0.7444 43 | 39,3,0.31,300,1.7394,1.6964,1.7024,0.6225,0.6303,0.6213 44 | 85,2,0.29,300,1.0426,1.0700,1.0850,0.7777,0.7740,0.7669 45 | 112,2,0.33,300,0.9967,1.0413,1.0403,0.7857,0.7760,0.7778 46 | 427,1,0.04,300,0.7229,0.9963,0.9914,0.8454,0.7920,0.7886 47 | 125,2,0.13,300,0.8192,0.9798,0.9717,0.8208,0.7900,0.7861 48 | 134,3,0.0,300,0.8713,1.0447,1.0529,0.8114,0.7763,0.7742 49 | 421,2,0.5,300,0.9516,0.9939,1.0014,0.7885,0.7826,0.7788 50 | 113,3,0.49,300,1.4791,1.4351,1.4534,0.6758,0.6854,0.6782 51 | 73,3,0.46,300,1.6841,1.6461,1.6511,0.6367,0.6461,0.6390 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/basque/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.2113,0.3338,0.3629,0.9509,0.9247,0.9193 3 | 415,3,0.43,768,0.2472,0.3550,0.3780,0.9453,0.9223,0.9176 4 | 68,3,0.15,768,0.2918,0.4045,0.4218,0.9352,0.9097,0.9092 5 | 115,1,0.45,768,0.3479,0.4145,0.4316,0.9218,0.9050,0.9044 6 | 401,3,0.05,768,0.1983,0.3596,0.3824,0.9548,0.9213,0.9188 7 | 359,1,0.46,768,0.3027,0.3800,0.3973,0.9327,0.9133,0.9107 8 | 47,2,0.22,768,0.3511,0.4235,0.4401,0.9207,0.9032,0.9025 9 | 144,1,0.38,768,0.2785,0.3714,0.3909,0.9365,0.9160,0.9129 10 | 298,2,0.12,768,0.1675,0.3330,0.3593,0.9637,0.9256,0.9205 11 | 76,2,0.33,768,0.3291,0.4060,0.4241,0.9248,0.9090,0.9043 12 | 15,2,0.34,768,1.0790,1.1013,1.1084,0.7412,0.7374,0.7361 13 | 184,1,0.41000000000000003,768,0.2761,0.3665,0.3899,0.9367,0.9154,0.9119 14 | 182,1,0.34,768,0.2137,0.3408,0.3664,0.9532,0.9233,0.9183 15 | 36,1,0.19,768,0.3088,0.3976,0.4146,0.9280,0.9083,0.9065 16 | 48,1,0.34,768,0.3732,0.4334,0.4477,0.9154,0.8995,0.8985 17 | 57,2,0.37,768,0.4056,0.4635,0.4827,0.9072,0.8962,0.8913 18 | 140,3,0.05,768,0.1918,0.3643,0.3924,0.9562,0.9191,0.9173 19 | 222,1,0.31,768,0.1969,0.3384,0.3601,0.9573,0.9244,0.9214 20 | 304,3,0.08,768,0.1879,0.3540,0.3729,0.9571,0.9226,0.9186 21 | 206,2,0.24,768,0.2004,0.3397,0.3579,0.9535,0.9219,0.9220 22 | 184,2,0.2,768,0.1577,0.3285,0.3555,0.9645,0.9268,0.9231 23 | 93,2,0.06,768,0.1967,0.3595,0.3827,0.9557,0.9198,0.9155 24 | 89,2,0.39,768,0.3636,0.4280,0.4413,0.9173,0.9018,0.9008 25 | 139,3,0.11,768,0.1929,0.3556,0.3739,0.9570,0.9224,0.9198 26 | 347,3,0.31,768,0.1948,0.3335,0.3543,0.9559,0.9259,0.9239 27 | 410,3,0.25,768,0.1604,0.3348,0.3533,0.9638,0.9279,0.9240 28 | 147,3,0.1,768,0.1930,0.3533,0.3722,0.9577,0.9203,0.9182 29 | 144,3,0.22,768,0.2242,0.3569,0.3758,0.9494,0.9211,0.9186 30 | 194,1,0.09,768,0.1384,0.3438,0.3678,0.9708,0.9232,0.9192 31 | 43,3,0.07,768,0.3224,0.4425,0.4645,0.9293,0.9048,0.9011 32 | 349,3,0.29,768,0.2001,0.3331,0.3624,0.9539,0.9248,0.9204 33 | 252,3,0.22,768,0.2255,0.3508,0.3713,0.9491,0.9224,0.9176 34 | 233,3,0.19,768,0.1908,0.3460,0.3625,0.9566,0.9228,0.9198 35 | 181,2,0.17,768,0.1606,0.3361,0.3578,0.9631,0.9252,0.9217 36 | 38,3,0.34,768,0.7798,0.8195,0.8374,0.8331,0.8272,0.8235 37 | 92,2,0.07,768,0.2081,0.3608,0.3793,0.9528,0.9205,0.9176 38 | 298,2,0.29,768,0.1812,0.3317,0.3535,0.9591,0.9260,0.9230 39 | 107,3,0.4,768,0.4447,0.5022,0.5146,0.9022,0.8903,0.8890 40 | 19,1,0.05,768,0.3259,0.4191,0.4370,0.9249,0.9042,0.9015 41 | 90,2,0.17,768,0.2201,0.3496,0.3744,0.9512,0.9195,0.9159 42 | 44,2,0.23,768,0.3451,0.4200,0.4367,0.9221,0.9056,0.9026 43 | 39,3,0.31,768,0.7219,0.7769,0.7898,0.8396,0.8315,0.8277 44 | 85,2,0.29,768,0.2971,0.3825,0.4044,0.9321,0.9137,0.9092 45 | 112,2,0.33,768,0.2947,0.3791,0.3950,0.9316,0.9132,0.9101 46 | 427,1,0.04,768,0.1764,0.3428,0.3710,0.9608,0.9241,0.9188 47 | 125,2,0.13,768,0.1609,0.3462,0.3791,0.9631,0.9220,0.9189 48 | 134,3,0.0,768,0.2499,0.3856,0.4081,0.9432,0.9124,0.9101 49 | 421,2,0.5,768,0.2922,0.3802,0.4008,0.9357,0.9153,0.9132 50 | 113,3,0.49,768,0.5535,0.6022,0.6174,0.8838,0.8725,0.8723 51 | 73,3,0.46,768,0.7770,0.8133,0.8234,0.8269,0.8202,0.8179 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/basque/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.2234,0.2965,0.3032,0.9419,0.9300,0.9255 3 | 415,3,0.43,300,0.2454,0.3074,0.3234,0.9370,0.9261,0.9232 4 | 68,3,0.15,300,0.2825,0.3596,0.3659,0.9343,0.9206,0.9205 5 | 115,1,0.45,300,0.3803,0.4162,0.4295,0.9157,0.9097,0.9072 6 | 401,3,0.05,300,0.1857,0.3031,0.3148,0.9517,0.9303,0.9279 7 | 359,1,0.46,300,0.3080,0.3589,0.3713,0.9295,0.9201,0.9176 8 | 47,2,0.22,300,0.3547,0.4058,0.4134,0.9189,0.9095,0.9086 9 | 144,1,0.38,300,0.2995,0.3518,0.3638,0.9297,0.9207,0.9188 10 | 298,2,0.12,300,0.2011,0.3002,0.3089,0.9473,0.9306,0.9280 11 | 76,2,0.33,300,0.3328,0.3797,0.3917,0.9222,0.9157,0.9111 12 | 15,2,0.34,300,1.0156,1.0401,1.0540,0.7501,0.7481,0.7460 13 | 184,1,0.41000000000000003,300,0.2917,0.3507,0.3604,0.9329,0.9221,0.9188 14 | 182,1,0.34,300,0.2779,0.3360,0.3477,0.9333,0.9226,0.9193 15 | 36,1,0.19,300,0.3272,0.3804,0.3944,0.9230,0.9142,0.9103 16 | 48,1,0.34,300,0.3838,0.4225,0.4366,0.9132,0.9080,0.9047 17 | 57,2,0.37,300,0.4412,0.4740,0.4870,0.9030,0.8968,0.8946 18 | 140,3,0.05,300,0.1967,0.3156,0.3266,0.9492,0.9299,0.9260 19 | 222,1,0.31,300,0.2388,0.3146,0.3254,0.9404,0.9276,0.9246 20 | 304,3,0.08,300,0.2119,0.3074,0.3170,0.9460,0.9288,0.9261 21 | 206,2,0.24,300,0.2061,0.2965,0.3043,0.9457,0.9302,0.9280 22 | 184,2,0.2,300,0.1950,0.2935,0.3057,0.9479,0.9321,0.9288 23 | 93,2,0.06,300,0.2245,0.3158,0.3266,0.9431,0.9275,0.9261 24 | 89,2,0.39,300,0.3726,0.4141,0.4235,0.9165,0.9077,0.9070 25 | 139,3,0.11,300,0.2070,0.3111,0.3216,0.9452,0.9278,0.9234 26 | 347,3,0.31,300,0.2239,0.2974,0.3096,0.9427,0.9300,0.9265 27 | 410,3,0.25,300,0.1868,0.2856,0.2934,0.9503,0.9334,0.9312 28 | 147,3,0.1,300,0.1965,0.3115,0.3230,0.9477,0.9294,0.9246 29 | 144,3,0.22,300,0.2447,0.3206,0.3286,0.9396,0.9267,0.9247 30 | 194,1,0.09,300,0.2109,0.3084,0.3198,0.9458,0.9292,0.9269 31 | 43,3,0.07,300,0.2978,0.3733,0.3822,0.9312,0.9183,0.9160 32 | 349,3,0.29,300,0.2074,0.2950,0.3108,0.9449,0.9316,0.9265 33 | 252,3,0.22,300,0.2087,0.2957,0.3078,0.9457,0.9316,0.9256 34 | 233,3,0.19,300,0.1935,0.2956,0.3103,0.9492,0.9304,0.9280 35 | 181,2,0.17,300,0.2151,0.3001,0.3081,0.9441,0.9286,0.9267 36 | 38,3,0.34,300,0.8273,0.8666,0.8801,0.8324,0.8288,0.8247 37 | 92,2,0.07,300,0.2130,0.3145,0.3273,0.9443,0.9270,0.9258 38 | 298,2,0.29,300,0.2083,0.2906,0.3053,0.9461,0.9310,0.9279 39 | 107,3,0.4,300,0.4337,0.4799,0.4929,0.9082,0.9025,0.8994 40 | 19,1,0.05,300,0.3263,0.3888,0.4005,0.9229,0.9129,0.9087 41 | 90,2,0.17,300,0.2257,0.3142,0.3193,0.9428,0.9277,0.9257 42 | 44,2,0.23,300,0.3398,0.3969,0.4057,0.9215,0.9113,0.9103 43 | 39,3,0.31,300,0.7427,0.7895,0.8026,0.8440,0.8379,0.8352 44 | 85,2,0.29,300,0.2982,0.3534,0.3642,0.9298,0.9184,0.9179 45 | 112,2,0.33,300,0.2829,0.3420,0.3504,0.9320,0.9209,0.9185 46 | 427,1,0.04,300,0.2064,0.3114,0.3224,0.9478,0.9285,0.9277 47 | 125,2,0.13,300,0.2228,0.3088,0.3220,0.9433,0.9291,0.9246 48 | 134,3,0.0,300,0.2333,0.3378,0.3428,0.9423,0.9251,0.9234 49 | 421,2,0.5,300,0.2791,0.3291,0.3433,0.9315,0.9236,0.9192 50 | 113,3,0.49,300,0.5974,0.6316,0.6498,0.8609,0.8558,0.8530 51 | 73,3,0.46,300,0.7735,0.8084,0.8239,0.8258,0.8219,0.8167 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/english/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.1592,0.2328,0.2450,0.9652,0.9517,0.9463 3 | 415,3,0.43,768,0.1901,0.2595,0.2651,0.9582,0.9447,0.9406 4 | 68,3,0.15,768,0.1873,0.2748,0.2817,0.9597,0.9425,0.9396 5 | 115,1,0.45,768,0.2511,0.3084,0.3124,0.9456,0.9345,0.9291 6 | 401,3,0.05,768,0.1384,0.2373,0.2376,0.9699,0.9491,0.9474 7 | 359,1,0.46,768,0.2236,0.2807,0.2887,0.9508,0.9392,0.9352 8 | 47,2,0.22,768,0.2175,0.2874,0.2952,0.9515,0.9370,0.9344 9 | 144,1,0.38,768,0.2001,0.2673,0.2673,0.9558,0.9421,0.9386 10 | 298,2,0.12,768,0.1219,0.2275,0.2240,0.9729,0.9508,0.9490 11 | 76,2,0.33,768,0.2330,0.2985,0.3038,0.9471,0.9344,0.9322 12 | 15,2,0.34,768,0.9933,1.0339,1.0456,0.7881,0.7707,0.7663 13 | 184,1,0.41000000000000003,768,0.1931,0.2572,0.2652,0.9578,0.9430,0.9392 14 | 182,1,0.34,768,0.1596,0.2356,0.2447,0.9649,0.9483,0.9437 15 | 36,1,0.19,768,0.2093,0.2710,0.2765,0.9521,0.9394,0.9359 16 | 48,1,0.34,768,0.2589,0.3102,0.3154,0.9405,0.9298,0.9276 17 | 57,2,0.37,768,0.3079,0.3679,0.3764,0.9332,0.9229,0.9179 18 | 140,3,0.05,768,0.1145,0.2258,0.2311,0.9752,0.9517,0.9498 19 | 222,1,0.31,768,0.1465,0.2303,0.2370,0.9672,0.9499,0.9468 20 | 304,3,0.08,768,0.1188,0.2280,0.2339,0.9739,0.9514,0.9472 21 | 206,2,0.24,768,0.1430,0.2245,0.2326,0.9672,0.9491,0.9450 22 | 184,2,0.2,768,0.1351,0.2249,0.2283,0.9699,0.9509,0.9496 23 | 93,2,0.06,768,0.1414,0.2326,0.2363,0.9685,0.9491,0.9467 24 | 89,2,0.39,768,0.2493,0.3058,0.3152,0.9453,0.9332,0.9298 25 | 139,3,0.11,768,0.1238,0.2270,0.2314,0.9730,0.9516,0.9488 26 | 347,3,0.31,768,0.1583,0.2336,0.2438,0.9645,0.9491,0.9457 27 | 410,3,0.25,768,0.1354,0.2251,0.2308,0.9699,0.9522,0.9489 28 | 147,3,0.1,768,0.1252,0.2299,0.2399,0.9723,0.9516,0.9482 29 | 144,3,0.22,768,0.1752,0.2510,0.2574,0.9614,0.9448,0.9411 30 | 194,1,0.09,768,0.0954,0.2250,0.2217,0.9792,0.9539,0.9508 31 | 43,3,0.07,768,0.2093,0.2979,0.3054,0.9563,0.9386,0.9372 32 | 349,3,0.29,768,0.1505,0.2315,0.2429,0.9671,0.9493,0.9463 33 | 252,3,0.22,768,0.1534,0.2357,0.2399,0.9664,0.9483,0.9455 34 | 233,3,0.19,768,0.1543,0.2378,0.2421,0.9667,0.9493,0.9462 35 | 181,2,0.17,768,0.1477,0.2329,0.2397,0.9673,0.9483,0.9452 36 | 38,3,0.34,768,0.6286,0.6771,0.6888,0.8835,0.8785,0.8731 37 | 92,2,0.07,768,0.1330,0.2371,0.2394,0.9704,0.9488,0.9461 38 | 298,2,0.29,768,0.1356,0.2234,0.2338,0.9700,0.9507,0.9466 39 | 107,3,0.4,768,0.2821,0.3486,0.3556,0.9417,0.9295,0.9259 40 | 19,1,0.05,768,0.2183,0.2854,0.2928,0.9513,0.9378,0.9338 41 | 90,2,0.17,768,0.1629,0.2408,0.2449,0.9631,0.9470,0.9446 42 | 44,2,0.23,768,0.2424,0.3029,0.3120,0.9474,0.9349,0.9309 43 | 39,3,0.31,768,0.6057,0.6693,0.6770,0.8990,0.8905,0.8883 44 | 85,2,0.29,768,0.2036,0.2663,0.2752,0.9546,0.9421,0.9385 45 | 112,2,0.33,768,0.1988,0.2617,0.2719,0.9552,0.9421,0.9390 46 | 427,1,0.04,768,0.1124,0.2297,0.2349,0.9753,0.9493,0.9469 47 | 125,2,0.13,768,0.1421,0.2286,0.2337,0.9683,0.9502,0.9471 48 | 134,3,0.0,768,0.1225,0.2451,0.2499,0.9726,0.9458,0.9457 49 | 421,2,0.5,768,0.1972,0.2614,0.2686,0.9580,0.9447,0.9412 50 | 113,3,0.49,768,0.4025,0.4620,0.4594,0.9223,0.9115,0.9101 51 | 73,3,0.46,768,0.5795,0.6252,0.6387,0.8853,0.8804,0.8735 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/english/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.3697,0.4204,0.4092,0.9059,0.8961,0.9007 3 | 415,3,0.43,300,0.3770,0.4268,0.4203,0.9018,0.8928,0.8960 4 | 68,3,0.15,300,0.3998,0.4599,0.4515,0.9034,0.8919,0.8954 5 | 115,1,0.45,300,0.4426,0.4855,0.4770,0.8959,0.8891,0.8921 6 | 401,3,0.05,300,0.3191,0.4130,0.3957,0.9159,0.8981,0.9035 7 | 359,1,0.46,300,0.3929,0.4444,0.4321,0.9047,0.8947,0.8991 8 | 47,2,0.22,300,0.4400,0.4858,0.4804,0.8964,0.8879,0.8923 9 | 144,1,0.38,300,0.4015,0.4483,0.4428,0.9035,0.8952,0.8966 10 | 298,2,0.12,300,0.3211,0.4045,0.3913,0.9141,0.8983,0.9012 11 | 76,2,0.33,300,0.4213,0.4684,0.4631,0.8964,0.8885,0.8912 12 | 15,2,0.34,300,1.1819,1.1967,1.1977,0.7360,0.7302,0.7277 13 | 184,1,0.41000000000000003,300,0.3941,0.4458,0.4379,0.9051,0.8967,0.8975 14 | 182,1,0.34,300,0.3699,0.4288,0.4178,0.9074,0.8989,0.9022 15 | 36,1,0.19,300,0.4043,0.4581,0.4479,0.9027,0.8937,0.8982 16 | 48,1,0.34,300,0.4551,0.5038,0.4953,0.8922,0.8841,0.8884 17 | 57,2,0.37,300,0.5153,0.5546,0.5528,0.8805,0.8732,0.8756 18 | 140,3,0.05,300,0.3374,0.4183,0.4033,0.9123,0.8967,0.9008 19 | 222,1,0.31,300,0.3606,0.4247,0.4101,0.9102,0.8981,0.9014 20 | 304,3,0.08,300,0.3139,0.4053,0.3986,0.9158,0.8991,0.9012 21 | 206,2,0.24,300,0.3370,0.4070,0.3963,0.9113,0.9003,0.9022 22 | 184,2,0.2,300,0.3410,0.4066,0.3970,0.9101,0.8989,0.9005 23 | 93,2,0.06,300,0.3428,0.4239,0.4083,0.9099,0.8966,0.9024 24 | 89,2,0.39,300,0.4384,0.4824,0.4765,0.8945,0.8863,0.8889 25 | 139,3,0.11,300,0.3387,0.4156,0.4103,0.9124,0.8985,0.9020 26 | 347,3,0.31,300,0.3695,0.4222,0.4118,0.9068,0.8967,0.9014 27 | 410,3,0.25,300,0.3427,0.4100,0.3981,0.9108,0.8979,0.9028 28 | 147,3,0.1,300,0.3558,0.4268,0.4163,0.9093,0.8965,0.8993 29 | 144,3,0.22,300,0.3780,0.4331,0.4211,0.9047,0.8955,0.8993 30 | 194,1,0.09,300,0.3397,0.4185,0.4005,0.9103,0.8980,0.9034 31 | 43,3,0.07,300,0.4127,0.4790,0.4677,0.9039,0.8917,0.8953 32 | 349,3,0.29,300,0.3425,0.4103,0.3964,0.9109,0.8986,0.9040 33 | 252,3,0.22,300,0.3537,0.4202,0.4094,0.9097,0.8977,0.9016 34 | 233,3,0.19,300,0.3650,0.4254,0.4168,0.9059,0.8967,0.8980 35 | 181,2,0.17,300,0.3422,0.4110,0.3979,0.9106,0.8976,0.9026 36 | 38,3,0.34,300,0.9341,0.9668,0.9942,0.8375,0.8326,0.8325 37 | 92,2,0.07,300,0.3492,0.4216,0.4037,0.9105,0.8971,0.9019 38 | 298,2,0.29,300,0.3353,0.4051,0.3929,0.9107,0.8984,0.9035 39 | 107,3,0.4,300,0.5007,0.5431,0.5432,0.8870,0.8793,0.8810 40 | 19,1,0.05,300,0.4093,0.4792,0.4671,0.9014,0.8899,0.8929 41 | 90,2,0.17,300,0.3568,0.4216,0.4132,0.9085,0.8963,0.9001 42 | 44,2,0.23,300,0.4298,0.4772,0.4752,0.8990,0.8897,0.8918 43 | 39,3,0.31,300,0.8374,0.8835,0.8928,0.8249,0.8070,0.8092 44 | 85,2,0.29,300,0.3918,0.4419,0.4381,0.9008,0.8900,0.8934 45 | 112,2,0.33,300,0.3971,0.4470,0.4382,0.9021,0.8921,0.8945 46 | 427,1,0.04,300,0.3524,0.4244,0.4107,0.9094,0.8969,0.8993 47 | 125,2,0.13,300,0.3394,0.4134,0.3990,0.9110,0.8981,0.9023 48 | 134,3,0.0,300,0.3598,0.4357,0.4126,0.9097,0.8950,0.8998 49 | 421,2,0.5,300,0.3803,0.4282,0.4194,0.9020,0.8943,0.8972 50 | 113,3,0.49,300,0.5846,0.6176,0.6239,0.8731,0.8687,0.8690 51 | 73,3,0.46,300,0.7957,0.8359,0.8425,0.8412,0.8313,0.8326 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/finnish/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.2440,0.2851,0.2939,0.9481,0.9418,0.9368 3 | 415,3,0.43,768,0.2654,0.2994,0.3102,0.9436,0.9384,0.9343 4 | 68,3,0.15,768,0.2474,0.2913,0.3138,0.9472,0.9372,0.9348 5 | 115,1,0.45,768,0.3144,0.3400,0.3488,0.9329,0.9275,0.9268 6 | 401,3,0.05,768,0.1438,0.2514,0.2568,0.9677,0.9471,0.9453 7 | 359,1,0.46,768,0.2578,0.2962,0.3084,0.9469,0.9408,0.9376 8 | 47,2,0.22,768,0.2873,0.3174,0.3335,0.9380,0.9318,0.9290 9 | 144,1,0.38,768,0.2613,0.2965,0.3052,0.9443,0.9380,0.9360 10 | 298,2,0.12,768,0.2112,0.2644,0.2770,0.9526,0.9433,0.9417 11 | 76,2,0.33,768,0.2956,0.3242,0.3362,0.9365,0.9326,0.9298 12 | 15,2,0.34,768,0.9076,0.9015,0.8990,0.8082,0.8102,0.8119 13 | 184,1,0.41000000000000003,768,0.2406,0.2840,0.2904,0.9482,0.9399,0.9393 14 | 182,1,0.34,768,0.2277,0.2741,0.2835,0.9501,0.9423,0.9387 15 | 36,1,0.19,768,0.2781,0.3114,0.3240,0.9377,0.9320,0.9299 16 | 48,1,0.34,768,0.3399,0.3564,0.3658,0.9235,0.9194,0.9186 17 | 57,2,0.37,768,0.3608,0.3742,0.3890,0.9234,0.9211,0.9197 18 | 140,3,0.05,768,0.1709,0.2574,0.2701,0.9629,0.9462,0.9440 19 | 222,1,0.31,768,0.2004,0.2571,0.2666,0.9564,0.9463,0.9433 20 | 304,3,0.08,768,0.1450,0.2406,0.2562,0.9679,0.9500,0.9465 21 | 206,2,0.24,768,0.1882,0.2532,0.2641,0.9583,0.9466,0.9453 22 | 184,2,0.2,768,0.1657,0.2423,0.2535,0.9622,0.9491,0.9462 23 | 93,2,0.06,768,0.1748,0.2547,0.2684,0.9616,0.9471,0.9419 24 | 89,2,0.39,768,0.3505,0.3581,0.3741,0.9253,0.9246,0.9207 25 | 139,3,0.11,768,0.1718,0.2506,0.2631,0.9615,0.9474,0.9431 26 | 347,3,0.31,768,0.1909,0.2514,0.2622,0.9587,0.9473,0.9443 27 | 410,3,0.25,768,0.1628,0.2383,0.2539,0.9635,0.9505,0.9480 28 | 147,3,0.1,768,0.1902,0.2623,0.2705,0.9582,0.9437,0.9421 29 | 144,3,0.22,768,0.2174,0.2704,0.2811,0.9531,0.9433,0.9424 30 | 194,1,0.09,768,0.1556,0.2502,0.2501,0.9652,0.9483,0.9469 31 | 43,3,0.07,768,0.2683,0.3178,0.3383,0.9428,0.9348,0.9311 32 | 349,3,0.29,768,0.2009,0.2621,0.2656,0.9562,0.9454,0.9441 33 | 252,3,0.22,768,0.1759,0.2498,0.2593,0.9611,0.9493,0.9458 34 | 233,3,0.19,768,0.1748,0.2472,0.2528,0.9618,0.9487,0.9474 35 | 181,2,0.17,768,0.1625,0.2481,0.2609,0.9634,0.9475,0.9452 36 | 38,3,0.34,768,0.7122,0.7173,0.7252,0.8381,0.8320,0.8373 37 | 92,2,0.07,768,0.2186,0.2740,0.2883,0.9511,0.9414,0.9378 38 | 298,2,0.29,768,0.1690,0.2473,0.2485,0.9617,0.9484,0.9471 39 | 107,3,0.4,768,0.3646,0.3704,0.3870,0.9245,0.9245,0.9212 40 | 19,1,0.05,768,0.2694,0.3146,0.3202,0.9404,0.9307,0.9295 41 | 90,2,0.17,768,0.2153,0.2702,0.2853,0.9519,0.9434,0.9390 42 | 44,2,0.23,768,0.3224,0.3441,0.3640,0.9303,0.9266,0.9233 43 | 39,3,0.31,768,0.6154,0.6210,0.6299,0.8930,0.8917,0.8922 44 | 85,2,0.29,768,0.2835,0.3127,0.3252,0.9384,0.9340,0.9297 45 | 112,2,0.33,768,0.2601,0.2914,0.3102,0.9438,0.9390,0.9356 46 | 427,1,0.04,768,0.1470,0.2421,0.2506,0.9684,0.9473,0.9463 47 | 125,2,0.13,768,0.1846,0.2528,0.2659,0.9587,0.9460,0.9443 48 | 134,3,0.0,768,0.1678,0.2703,0.2689,0.9623,0.9443,0.9432 49 | 421,2,0.5,768,0.2967,0.3262,0.3360,0.9370,0.9322,0.9292 50 | 113,3,0.49,768,0.4636,0.4632,0.4813,0.9074,0.9078,0.9048 51 | 73,3,0.46,768,0.6142,0.6109,0.6223,0.8851,0.8878,0.8865 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/finnish/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.1596,0.1824,0.1904,0.9649,0.9606,0.9587 3 | 415,3,0.43,300,0.1884,0.2001,0.2086,0.9593,0.9557,0.9563 4 | 68,3,0.15,300,0.2061,0.2303,0.2394,0.9571,0.9502,0.9508 5 | 115,1,0.45,300,0.3124,0.3100,0.3097,0.9380,0.9374,0.9364 6 | 401,3,0.05,300,0.1291,0.1893,0.1997,0.9709,0.9585,0.9589 7 | 359,1,0.46,300,0.2279,0.2402,0.2398,0.9544,0.9513,0.9529 8 | 47,2,0.22,300,0.2526,0.2577,0.2681,0.9471,0.9457,0.9445 9 | 144,1,0.38,300,0.2569,0.2620,0.2607,0.9465,0.9455,0.9454 10 | 298,2,0.12,300,0.1244,0.1842,0.1953,0.9719,0.9580,0.9594 11 | 76,2,0.33,300,0.2578,0.2646,0.2645,0.9465,0.9440,0.9460 12 | 15,2,0.34,300,0.9506,0.9323,0.9278,0.7559,0.7598,0.7593 13 | 184,1,0.41000000000000003,300,0.2247,0.2361,0.2399,0.9543,0.9526,0.9514 14 | 182,1,0.34,300,0.2065,0.2233,0.2220,0.9564,0.9547,0.9538 15 | 36,1,0.19,300,0.2443,0.2548,0.2638,0.9476,0.9461,0.9442 16 | 48,1,0.34,300,0.3048,0.3059,0.3047,0.9375,0.9376,0.9367 17 | 57,2,0.37,300,0.3292,0.3204,0.3270,0.9356,0.9364,0.9347 18 | 140,3,0.05,300,0.1513,0.1990,0.2120,0.9678,0.9566,0.9558 19 | 222,1,0.31,300,0.1687,0.2019,0.2047,0.9640,0.9586,0.9579 20 | 304,3,0.08,300,0.1327,0.1933,0.1985,0.9699,0.9584,0.9567 21 | 206,2,0.24,300,0.1568,0.1897,0.1910,0.9651,0.9579,0.9583 22 | 184,2,0.2,300,0.1447,0.1850,0.1890,0.9683,0.9588,0.9591 23 | 93,2,0.06,300,0.1471,0.2012,0.2145,0.9666,0.9565,0.9558 24 | 89,2,0.39,300,0.2706,0.2763,0.2751,0.9437,0.9413,0.9410 25 | 139,3,0.11,300,0.1697,0.2020,0.2105,0.9626,0.9548,0.9549 26 | 347,3,0.31,300,0.1614,0.1899,0.1916,0.9646,0.9584,0.9594 27 | 410,3,0.25,300,0.1526,0.1845,0.1931,0.9657,0.9596,0.9565 28 | 147,3,0.1,300,0.1431,0.1923,0.1995,0.9681,0.9566,0.9570 29 | 144,3,0.22,300,0.1763,0.1997,0.2094,0.9619,0.9565,0.9552 30 | 194,1,0.09,300,0.1458,0.1975,0.2040,0.9672,0.9569,0.9576 31 | 43,3,0.07,300,0.2231,0.2544,0.2574,0.9543,0.9463,0.9484 32 | 349,3,0.29,300,0.1558,0.1883,0.1997,0.9654,0.9578,0.9585 33 | 252,3,0.22,300,0.1523,0.1894,0.1947,0.9675,0.9585,0.9579 34 | 233,3,0.19,300,0.1504,0.1892,0.1978,0.9669,0.9580,0.9582 35 | 181,2,0.17,300,0.1644,0.1961,0.2046,0.9629,0.9568,0.9558 36 | 38,3,0.34,300,0.7814,0.7612,0.7680,0.8313,0.8311,0.8331 37 | 92,2,0.07,300,0.1623,0.2067,0.2107,0.9633,0.9530,0.9547 38 | 298,2,0.29,300,0.1589,0.1877,0.1951,0.9647,0.9583,0.9574 39 | 107,3,0.4,300,0.3001,0.2988,0.2999,0.9407,0.9393,0.9397 40 | 19,1,0.05,300,0.2718,0.2770,0.2887,0.9428,0.9410,0.9397 41 | 90,2,0.17,300,0.1794,0.2066,0.2119,0.9608,0.9549,0.9543 42 | 44,2,0.23,300,0.2689,0.2793,0.2817,0.9450,0.9409,0.9424 43 | 39,3,0.31,300,0.6478,0.6298,0.6264,0.8942,0.8944,0.8967 44 | 85,2,0.29,300,0.2249,0.2398,0.2387,0.9514,0.9484,0.9494 45 | 112,2,0.33,300,0.2105,0.2226,0.2284,0.9535,0.9512,0.9497 46 | 427,1,0.04,300,0.1315,0.1936,0.2024,0.9706,0.9578,0.9584 47 | 125,2,0.13,300,0.1571,0.1965,0.2096,0.9649,0.9555,0.9552 48 | 134,3,0.0,300,0.1520,0.2118,0.2195,0.9663,0.9553,0.9524 49 | 421,2,0.5,300,0.2048,0.2113,0.2167,0.9554,0.9531,0.9540 50 | 113,3,0.49,300,0.4313,0.4146,0.4170,0.9219,0.9207,0.9221 51 | 73,3,0.46,300,0.5381,0.5139,0.5193,0.9022,0.9055,0.9060 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/indonesian/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.2815,0.3861,0.3908,0.9367,0.9174,0.9167 3 | 415,3,0.43,768,0.3390,0.4033,0.4035,0.9270,0.9141,0.9143 4 | 68,3,0.15,768,0.3417,0.4362,0.4267,0.9279,0.9103,0.9141 5 | 115,1,0.45,768,0.3744,0.4318,0.4257,0.9196,0.9072,0.9112 6 | 401,3,0.05,768,0.3144,0.4071,0.4022,0.9325,0.9147,0.9119 7 | 359,1,0.46,768,0.3139,0.3999,0.4012,0.9333,0.9137,0.9165 8 | 47,2,0.22,768,0.3583,0.4323,0.4239,0.9235,0.9089,0.9129 9 | 144,1,0.38,768,0.3107,0.3993,0.3957,0.9312,0.9146,0.9154 10 | 298,2,0.12,768,0.2405,0.3940,0.3896,0.9452,0.9151,0.9172 11 | 76,2,0.33,768,0.3530,0.4202,0.4133,0.9231,0.9113,0.9134 12 | 15,2,0.34,768,0.9807,0.9972,0.9970,0.8290,0.8214,0.8290 13 | 184,1,0.41000000000000003,768,0.2983,0.3911,0.3921,0.9343,0.9140,0.9156 14 | 182,1,0.34,768,0.2677,0.3854,0.3826,0.9411,0.9155,0.9183 15 | 36,1,0.19,768,0.3327,0.4145,0.4103,0.9256,0.9104,0.9124 16 | 48,1,0.34,768,0.3749,0.4360,0.4257,0.9180,0.9062,0.9085 17 | 57,2,0.37,768,0.4187,0.4679,0.4586,0.9113,0.9004,0.9070 18 | 140,3,0.05,768,0.2735,0.4036,0.3948,0.9396,0.9150,0.9157 19 | 222,1,0.31,768,0.3035,0.3914,0.3919,0.9332,0.9163,0.9162 20 | 304,3,0.08,768,0.2394,0.3927,0.3882,0.9461,0.9173,0.9181 21 | 206,2,0.24,768,0.2913,0.3863,0.3830,0.9347,0.9162,0.9177 22 | 184,2,0.2,768,0.2802,0.3848,0.3874,0.9361,0.9192,0.9165 23 | 93,2,0.06,768,0.2680,0.3943,0.3927,0.9407,0.9159,0.9172 24 | 89,2,0.39,768,0.3730,0.4312,0.4235,0.9187,0.9057,0.9122 25 | 139,3,0.11,768,0.2940,0.4017,0.3909,0.9375,0.9137,0.9174 26 | 347,3,0.31,768,0.2486,0.3844,0.3843,0.9446,0.9179,0.9188 27 | 410,3,0.25,768,0.2736,0.3897,0.3831,0.9393,0.9147,0.9175 28 | 147,3,0.1,768,0.2571,0.3994,0.3931,0.9426,0.9143,0.9173 29 | 144,3,0.22,768,0.2641,0.3967,0.3909,0.9413,0.9144,0.9197 30 | 194,1,0.09,768,0.2543,0.3924,0.3911,0.9444,0.9178,0.9155 31 | 43,3,0.07,768,0.3503,0.4558,0.4300,0.9268,0.9071,0.9132 32 | 349,3,0.29,768,0.2557,0.3850,0.3760,0.9412,0.9175,0.9181 33 | 252,3,0.22,768,0.2783,0.3909,0.3924,0.9379,0.9146,0.9153 34 | 233,3,0.19,768,0.2595,0.3963,0.3870,0.9415,0.9150,0.9199 35 | 181,2,0.17,768,0.2742,0.3895,0.3851,0.9374,0.9154,0.9193 36 | 38,3,0.34,768,0.7930,0.8163,0.8144,0.8560,0.8443,0.8566 37 | 92,2,0.07,768,0.3090,0.4041,0.3996,0.9317,0.9138,0.9146 38 | 298,2,0.29,768,0.2416,0.3753,0.3803,0.9447,0.9188,0.9182 39 | 107,3,0.4,768,0.4281,0.4844,0.4803,0.9136,0.9012,0.9054 40 | 19,1,0.05,768,0.3331,0.4293,0.4218,0.9266,0.9091,0.9120 41 | 90,2,0.17,768,0.2916,0.3923,0.3831,0.9348,0.9148,0.9175 42 | 44,2,0.23,768,0.3672,0.4308,0.4287,0.9218,0.9097,0.9122 43 | 39,3,0.31,768,0.7243,0.7567,0.7455,0.8610,0.8503,0.8626 44 | 85,2,0.29,768,0.3230,0.3998,0.3987,0.9285,0.9138,0.9144 45 | 112,2,0.33,768,0.3387,0.4102,0.4036,0.9265,0.9117,0.9144 46 | 427,1,0.04,768,0.2387,0.4010,0.3946,0.9460,0.9136,0.9184 47 | 125,2,0.13,768,0.2532,0.3911,0.3947,0.9423,0.9165,0.9162 48 | 134,3,0.0,768,0.2879,0.4110,0.3974,0.9353,0.9118,0.9135 49 | 421,2,0.5,768,0.3313,0.4091,0.4033,0.9275,0.9132,0.9163 50 | 113,3,0.49,768,0.5049,0.5475,0.5403,0.9037,0.8932,0.9008 51 | 73,3,0.46,768,0.6309,0.6726,0.6679,0.8683,0.8583,0.8675 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/indonesian/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.2755,0.3659,0.3548,0.9356,0.9201,0.9244 3 | 415,3,0.43,300,0.3173,0.3914,0.3703,0.9306,0.9172,0.9224 4 | 68,3,0.15,300,0.3421,0.4037,0.4042,0.9298,0.9181,0.9201 5 | 115,1,0.45,300,0.3773,0.4213,0.4104,0.9215,0.9113,0.9188 6 | 401,3,0.05,300,0.2662,0.3748,0.3749,0.9404,0.9210,0.9242 7 | 359,1,0.46,300,0.3354,0.3952,0.3840,0.9292,0.9174,0.9210 8 | 47,2,0.22,300,0.3549,0.4123,0.3947,0.9255,0.9134,0.9203 9 | 144,1,0.38,300,0.3286,0.3931,0.3800,0.9291,0.9169,0.9208 10 | 298,2,0.12,300,0.2497,0.3673,0.3551,0.9425,0.9222,0.9278 11 | 76,2,0.33,300,0.3795,0.4253,0.4082,0.9203,0.9095,0.9178 12 | 15,2,0.34,300,1.0185,1.0255,1.0245,0.8157,0.8106,0.8150 13 | 184,1,0.41000000000000003,300,0.3377,0.3991,0.3836,0.9284,0.9155,0.9204 14 | 182,1,0.34,300,0.3267,0.3908,0.3780,0.9306,0.9176,0.9224 15 | 36,1,0.19,300,0.3567,0.4159,0.3947,0.9239,0.9125,0.9184 16 | 48,1,0.34,300,0.3832,0.4315,0.4150,0.9199,0.9109,0.9182 17 | 57,2,0.37,300,0.4517,0.4834,0.4655,0.9070,0.8991,0.9076 18 | 140,3,0.05,300,0.2727,0.3765,0.3678,0.9389,0.9193,0.9224 19 | 222,1,0.31,300,0.2885,0.3718,0.3634,0.9366,0.9210,0.9249 20 | 304,3,0.08,300,0.2957,0.3778,0.3743,0.9344,0.9200,0.9225 21 | 206,2,0.24,300,0.2920,0.3702,0.3595,0.9338,0.9209,0.9243 22 | 184,2,0.2,300,0.2679,0.3696,0.3567,0.9376,0.9209,0.9230 23 | 93,2,0.06,300,0.2993,0.3827,0.3717,0.9335,0.9177,0.9216 24 | 89,2,0.39,300,0.3817,0.4273,0.4121,0.9184,0.9071,0.9174 25 | 139,3,0.11,300,0.2781,0.3753,0.3737,0.9376,0.9190,0.9242 26 | 347,3,0.31,300,0.3270,0.3853,0.3819,0.9296,0.9177,0.9222 27 | 410,3,0.25,300,0.2921,0.3781,0.3629,0.9365,0.9224,0.9252 28 | 147,3,0.1,300,0.2737,0.3707,0.3615,0.9401,0.9240,0.9262 29 | 144,3,0.22,300,0.3041,0.3886,0.3690,0.9354,0.9196,0.9242 30 | 194,1,0.09,300,0.2720,0.3761,0.3597,0.9392,0.9209,0.9244 31 | 43,3,0.07,300,0.3434,0.4141,0.4089,0.9300,0.9136,0.9188 32 | 349,3,0.29,300,0.3037,0.3784,0.3695,0.9330,0.9197,0.9236 33 | 252,3,0.22,300,0.2764,0.3706,0.3606,0.9379,0.9213,0.9257 34 | 233,3,0.19,300,0.2853,0.3757,0.3631,0.9376,0.9213,0.9253 35 | 181,2,0.17,300,0.2683,0.3685,0.3570,0.9387,0.9216,0.9246 36 | 38,3,0.34,300,0.7722,0.7882,0.7795,0.8646,0.8565,0.8667 37 | 92,2,0.07,300,0.2977,0.3797,0.3697,0.9340,0.9222,0.9230 38 | 298,2,0.29,300,0.3045,0.3721,0.3610,0.9313,0.9205,0.9238 39 | 107,3,0.4,300,0.4350,0.4728,0.4675,0.9136,0.9037,0.9121 40 | 19,1,0.05,300,0.3514,0.4194,0.4025,0.9255,0.9140,0.9156 41 | 90,2,0.17,300,0.3218,0.3904,0.3776,0.9293,0.9174,0.9204 42 | 44,2,0.23,300,0.3864,0.4371,0.4182,0.9207,0.9105,0.9176 43 | 39,3,0.31,300,0.7051,0.7251,0.7609,0.8729,0.8624,0.8715 44 | 85,2,0.29,300,0.3280,0.3908,0.3758,0.9278,0.9161,0.9210 45 | 112,2,0.33,300,0.3298,0.3932,0.3757,0.9270,0.9147,0.9199 46 | 427,1,0.04,300,0.2593,0.3741,0.3665,0.9417,0.9236,0.9233 47 | 125,2,0.13,300,0.2810,0.3687,0.3575,0.9366,0.9210,0.9238 48 | 134,3,0.0,300,0.2601,0.3834,0.3747,0.9414,0.9205,0.9228 49 | 421,2,0.5,300,0.3417,0.3983,0.3737,0.9269,0.9141,0.9229 50 | 113,3,0.49,300,0.5436,0.5712,0.5630,0.8869,0.8786,0.8906 51 | 73,3,0.46,300,0.7751,0.7999,0.7871,0.8480,0.8426,0.8524 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/korean/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.3428,0.3617,0.3993,0.9234,0.9197,0.9086 3 | 415,3,0.43,768,0.3909,0.3973,0.4520,0.9136,0.9131,0.8974 4 | 68,3,0.15,768,0.3935,0.4019,0.4625,0.9114,0.9108,0.8929 5 | 115,1,0.45,768,0.5248,0.5192,0.5730,0.8864,0.8878,0.8717 6 | 401,3,0.05,768,0.2086,0.2885,0.3267,0.9517,0.9376,0.9245 7 | 359,1,0.46,768,0.4720,0.4747,0.5183,0.8998,0.8982,0.8838 8 | 47,2,0.22,768,0.4985,0.4853,0.5568,0.8877,0.8908,0.8731 9 | 144,1,0.38,768,0.4298,0.4345,0.4778,0.9059,0.9056,0.8914 10 | 298,2,0.12,768,0.2501,0.2985,0.3376,0.9416,0.9344,0.9204 11 | 76,2,0.33,768,0.4903,0.4815,0.5415,0.8864,0.8890,0.8748 12 | 15,2,0.34,768,1.2742,1.2330,1.3771,0.6765,0.6935,0.6531 13 | 184,1,0.41000000000000003,768,0.4326,0.4402,0.4861,0.9037,0.9003,0.8872 14 | 182,1,0.34,768,0.3521,0.3770,0.4030,0.9211,0.9167,0.9066 15 | 36,1,0.19,768,0.4595,0.4483,0.5154,0.8922,0.8967,0.8760 16 | 48,1,0.34,768,0.5550,0.5430,0.5994,0.8716,0.8733,0.8600 17 | 57,2,0.37,768,0.5806,0.5652,0.6426,0.8705,0.8733,0.8533 18 | 140,3,0.05,768,0.2928,0.3299,0.3674,0.9325,0.9260,0.9141 19 | 222,1,0.31,768,0.3250,0.3555,0.3943,0.9277,0.9203,0.9095 20 | 304,3,0.08,768,0.2452,0.3016,0.3339,0.9421,0.9321,0.9208 21 | 206,2,0.24,768,0.2749,0.3104,0.3491,0.9366,0.9289,0.9172 22 | 184,2,0.2,768,0.3220,0.3430,0.3868,0.9250,0.9206,0.9088 23 | 93,2,0.06,768,0.2837,0.3203,0.3640,0.9333,0.9290,0.9143 24 | 89,2,0.39,768,0.5319,0.5249,0.5871,0.8818,0.8846,0.8641 25 | 139,3,0.11,768,0.2869,0.3226,0.3530,0.9332,0.9259,0.9171 26 | 347,3,0.31,768,0.3343,0.3532,0.3921,0.9232,0.9226,0.9081 27 | 410,3,0.25,768,0.2905,0.3220,0.3570,0.9328,0.9274,0.9142 28 | 147,3,0.1,768,0.2998,0.3286,0.3625,0.9306,0.9250,0.9160 29 | 144,3,0.22,768,0.3350,0.3481,0.3865,0.9235,0.9225,0.9114 30 | 194,1,0.09,768,0.2536,0.3118,0.3541,0.9418,0.9294,0.9196 31 | 43,3,0.07,768,0.3727,0.3913,0.4459,0.9183,0.9142,0.8973 32 | 349,3,0.29,768,0.3104,0.3331,0.3786,0.9247,0.9218,0.9099 33 | 252,3,0.22,768,0.2932,0.3269,0.3610,0.9317,0.9263,0.9157 34 | 233,3,0.19,768,0.2906,0.3222,0.3521,0.9328,0.9284,0.9172 35 | 181,2,0.17,768,0.2812,0.3144,0.3530,0.9351,0.9292,0.9172 36 | 38,3,0.34,768,1.0270,1.0062,1.1280,0.7386,0.7459,0.7130 37 | 92,2,0.07,768,0.2756,0.3147,0.3558,0.9352,0.9276,0.9155 38 | 298,2,0.29,768,0.2899,0.3177,0.3491,0.9319,0.9278,0.9166 39 | 107,3,0.4,768,0.5875,0.5727,0.6565,0.8717,0.8752,0.8601 40 | 19,1,0.05,768,0.4593,0.4549,0.5181,0.8907,0.8915,0.8767 41 | 90,2,0.17,768,0.3257,0.3468,0.3897,0.9246,0.9192,0.9088 42 | 44,2,0.23,768,0.5047,0.4960,0.5711,0.8851,0.8859,0.8677 43 | 39,3,0.31,768,0.9696,0.9403,1.0948,0.7760,0.7866,0.7390 44 | 85,2,0.29,768,0.4391,0.4373,0.4870,0.8987,0.9000,0.8867 45 | 112,2,0.33,768,0.4195,0.4240,0.4651,0.9041,0.9028,0.8928 46 | 427,1,0.04,768,0.1924,0.3007,0.3504,0.9553,0.9325,0.9207 47 | 125,2,0.13,768,0.3124,0.3335,0.3776,0.9277,0.9222,0.9104 48 | 134,3,0.0,768,0.2712,0.3322,0.3612,0.9377,0.9261,0.9151 49 | 421,2,0.5,768,0.5005,0.4981,0.5435,0.8915,0.8922,0.8805 50 | 113,3,0.49,768,0.7351,0.7198,0.8065,0.8407,0.8457,0.8278 51 | 73,3,0.46,768,0.9873,0.9646,1.0563,0.7804,0.7813,0.7590 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/korean/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.5860,0.6378,0.6642,0.8572,0.8485,0.8425 3 | 415,3,0.43,300,0.6619,0.6961,0.7274,0.8406,0.8365,0.8291 4 | 68,3,0.15,300,0.7002,0.7497,0.7874,0.8345,0.8252,0.8150 5 | 115,1,0.45,300,0.9011,0.9227,0.9679,0.8023,0.7991,0.7813 6 | 401,3,0.05,300,0.4966,0.5817,0.6177,0.8753,0.8557,0.8482 7 | 359,1,0.46,300,0.7478,0.7905,0.8165,0.8301,0.8194,0.8180 8 | 47,2,0.22,300,0.8130,0.8437,0.8951,0.8093,0.8093,0.7922 9 | 144,1,0.38,300,0.7800,0.8117,0.8527,0.8224,0.8163,0.8042 10 | 298,2,0.12,300,0.4349,0.5515,0.5956,0.8885,0.8667,0.8531 11 | 76,2,0.33,300,0.8560,0.8847,0.9266,0.8026,0.7984,0.7844 12 | 15,2,0.34,300,1.6591,1.6420,1.7593,0.6052,0.6133,0.5785 13 | 184,1,0.41000000000000003,300,0.7914,0.8223,0.8622,0.8211,0.8181,0.8075 14 | 182,1,0.34,300,0.6878,0.7336,0.7637,0.8392,0.8291,0.8196 15 | 36,1,0.19,300,0.8034,0.8316,0.8762,0.8072,0.8064,0.7934 16 | 48,1,0.34,300,0.9647,0.9802,1.0301,0.7795,0.7763,0.7603 17 | 57,2,0.37,300,1.0452,1.0580,1.1256,0.7616,0.7575,0.7324 18 | 140,3,0.05,300,0.5227,0.6067,0.6481,0.8698,0.8536,0.8443 19 | 222,1,0.31,300,0.6368,0.6887,0.7316,0.8487,0.8413,0.8318 20 | 304,3,0.08,300,0.4690,0.5668,0.6076,0.8816,0.8622,0.8503 21 | 206,2,0.24,300,0.5383,0.6071,0.6367,0.8646,0.8512,0.8404 22 | 184,2,0.2,300,0.5627,0.6185,0.6603,0.8588,0.8471,0.8394 23 | 93,2,0.06,300,0.5471,0.6263,0.6686,0.8636,0.8490,0.8407 24 | 89,2,0.39,300,0.9087,0.9304,0.9881,0.7924,0.7864,0.7724 25 | 139,3,0.11,300,0.5492,0.6178,0.6548,0.8643,0.8511,0.8383 26 | 347,3,0.31,300,0.5510,0.6069,0.6483,0.8620,0.8501,0.8352 27 | 410,3,0.25,300,0.5031,0.5687,0.6059,0.8744,0.8632,0.8487 28 | 147,3,0.1,300,0.5354,0.6099,0.6483,0.8667,0.8529,0.8458 29 | 144,3,0.22,300,0.5978,0.6495,0.6881,0.8523,0.8437,0.8354 30 | 194,1,0.09,300,0.5045,0.5985,0.6558,0.8748,0.8565,0.8452 31 | 43,3,0.07,300,0.7394,0.7849,0.8521,0.8257,0.8171,0.7978 32 | 349,3,0.29,300,0.5378,0.6034,0.6301,0.8655,0.8543,0.8450 33 | 252,3,0.22,300,0.5528,0.6147,0.6469,0.8630,0.8488,0.8376 34 | 233,3,0.19,300,0.5190,0.5927,0.6267,0.8697,0.8556,0.8500 35 | 181,2,0.17,300,0.5403,0.6071,0.6407,0.8641,0.8514,0.8454 36 | 38,3,0.34,300,1.5321,1.5069,1.6315,0.6326,0.6454,0.6062 37 | 92,2,0.07,300,0.5375,0.6196,0.6610,0.8651,0.8484,0.8363 38 | 298,2,0.29,300,0.5538,0.6133,0.6476,0.8628,0.8508,0.8387 39 | 107,3,0.4,300,0.9368,0.9591,1.0335,0.7818,0.7772,0.7487 40 | 19,1,0.05,300,0.8178,0.8398,0.8970,0.8049,0.8021,0.7895 41 | 90,2,0.17,300,0.6300,0.6769,0.7262,0.8467,0.8355,0.8304 42 | 44,2,0.23,300,0.8658,0.8932,0.9522,0.7959,0.7915,0.7814 43 | 39,3,0.31,300,1.4178,1.4071,1.5221,0.6801,0.6822,0.6450 44 | 85,2,0.29,300,0.7615,0.7946,0.8347,0.8191,0.8161,0.8067 45 | 112,2,0.33,300,0.7316,0.7665,0.8028,0.8253,0.8195,0.8133 46 | 427,1,0.04,300,0.4606,0.5755,0.6309,0.8846,0.8621,0.8517 47 | 125,2,0.13,300,0.5586,0.6259,0.6589,0.8606,0.8487,0.8431 48 | 134,3,0.0,300,0.5172,0.6129,0.6733,0.8721,0.8533,0.8382 49 | 421,2,0.5,300,0.7186,0.7548,0.7896,0.8305,0.8227,0.8110 50 | 113,3,0.49,300,1.1907,1.1922,1.2834,0.7328,0.7331,0.6977 51 | 73,3,0.46,300,1.3885,1.3802,1.4744,0.6929,0.6928,0.6609 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/marathi/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.1399,0.7709,0.7004,0.9690,0.8727,0.8447 3 | 415,3,0.43,768,0.2904,0.8483,0.7888,0.9393,0.8705,0.8228 4 | 68,3,0.15,768,0.4508,1.0333,0.8410,0.8902,0.8114,0.8155 5 | 115,1,0.45,768,0.3265,0.8167,0.7396,0.9269,0.8682,0.8398 6 | 401,3,0.05,768,0.4657,0.9827,0.8647,0.8902,0.8000,0.8301 7 | 359,1,0.46,768,0.3332,0.7584,0.7586,0.9229,0.8795,0.8301 8 | 47,2,0.22,768,0.3629,0.9395,0.7873,0.9246,0.8523,0.8325 9 | 144,1,0.38,768,0.2587,0.7836,0.7512,0.9530,0.8614,0.8325 10 | 298,2,0.12,768,0.3084,0.9105,0.7982,0.9289,0.8386,0.8252 11 | 76,2,0.33,768,0.3771,0.8353,0.7988,0.9139,0.8682,0.8252 12 | 15,2,0.34,768,0.9004,1.2333,1.1208,0.7814,0.7773,0.7718 13 | 184,1,0.41000000000000003,768,0.2929,0.7939,0.7532,0.9326,0.8750,0.8301 14 | 182,1,0.34,768,0.2904,0.7828,0.7295,0.9396,0.8773,0.8325 15 | 36,1,0.19,768,0.3097,0.7974,0.7940,0.9393,0.8568,0.8277 16 | 48,1,0.34,768,0.3778,0.8055,0.7591,0.9189,0.8705,0.8398 17 | 57,2,0.37,768,0.3990,0.9089,0.7438,0.9142,0.8455,0.8252 18 | 140,3,0.05,768,0.5563,0.9864,0.9596,0.8742,0.8295,0.8083 19 | 222,1,0.31,768,0.3376,0.7829,0.7559,0.9249,0.8591,0.8228 20 | 304,3,0.08,768,0.5469,0.9016,0.8819,0.8792,0.8455,0.8155 21 | 206,2,0.24,768,0.4317,0.8330,0.7604,0.9002,0.8568,0.8398 22 | 184,2,0.2,768,0.4112,0.8119,0.8266,0.9066,0.8545,0.8350 23 | 93,2,0.06,768,0.3093,0.8457,0.8422,0.9356,0.8659,0.8228 24 | 89,2,0.39,768,0.3509,0.8774,0.7316,0.9289,0.8659,0.8350 25 | 139,3,0.11,768,0.3336,0.9471,0.7980,0.9256,0.8455,0.8325 26 | 347,3,0.31,768,0.3308,0.8952,0.8030,0.9253,0.8432,0.8325 27 | 410,3,0.25,768,0.1379,0.8677,0.7531,0.9703,0.8795,0.8447 28 | 147,3,0.1,768,0.5727,0.9591,0.8938,0.8705,0.8091,0.8155 29 | 144,3,0.22,768,0.3638,0.8937,0.8153,0.9196,0.8545,0.8325 30 | 194,1,0.09,768,0.2724,0.8295,0.7929,0.9406,0.8636,0.8204 31 | 43,3,0.07,768,0.3587,0.9999,0.8336,0.9246,0.8364,0.8277 32 | 349,3,0.29,768,0.2640,0.8381,0.7653,0.9399,0.8727,0.8350 33 | 252,3,0.22,768,0.0972,0.9229,0.8604,0.9810,0.8773,0.8252 34 | 233,3,0.19,768,0.1893,0.8659,0.7466,0.9560,0.8727,0.8447 35 | 181,2,0.17,768,0.2133,0.8569,0.8444,0.9553,0.8636,0.8252 36 | 38,3,0.34,768,0.9567,1.3744,1.1972,0.7835,0.7750,0.7791 37 | 92,2,0.07,768,0.3527,0.8449,0.8338,0.9173,0.8568,0.8301 38 | 298,2,0.29,768,0.2119,0.8165,0.7280,0.9573,0.8636,0.8325 39 | 107,3,0.4,768,0.4820,0.9601,0.8609,0.8856,0.8386,0.8058 40 | 19,1,0.05,768,0.2815,0.8240,0.7578,0.9466,0.8591,0.8277 41 | 90,2,0.17,768,0.2652,0.8263,0.7537,0.9419,0.8614,0.8350 42 | 44,2,0.23,768,0.4750,0.8789,0.7972,0.8999,0.8295,0.8228 43 | 39,3,0.31,768,0.9011,1.2406,1.1024,0.7848,0.7841,0.7864 44 | 85,2,0.29,768,0.3203,0.8447,0.7700,0.9299,0.8614,0.8277 45 | 112,2,0.33,768,0.3213,0.8181,0.7833,0.9266,0.8682,0.8325 46 | 427,1,0.04,768,0.3545,0.8174,0.7959,0.9206,0.8500,0.8325 47 | 125,2,0.13,768,0.3641,0.8357,0.8339,0.9219,0.8614,0.8228 48 | 134,3,0.0,768,0.4954,0.9069,0.9116,0.8879,0.8500,0.8252 49 | 421,2,0.5,768,0.1938,0.7754,0.7411,0.9630,0.8818,0.8374 50 | 113,3,0.49,768,0.6233,1.1538,0.9268,0.8602,0.8273,0.8083 51 | 73,3,0.46,768,0.6919,1.2073,0.9600,0.8335,0.8159,0.7840 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/marathi/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.5842,0.8938,0.8987,0.8509,0.8136,0.7913 3 | 415,3,0.43,300,0.5346,0.9657,0.9355,0.8622,0.8159,0.8083 4 | 68,3,0.15,300,0.6761,1.0907,0.9935,0.8372,0.8000,0.7985 5 | 115,1,0.45,300,0.6082,0.9745,0.8965,0.8475,0.8045,0.8058 6 | 401,3,0.05,300,0.6017,0.9811,1.0062,0.8522,0.8023,0.7985 7 | 359,1,0.46,300,0.5833,0.9343,0.8973,0.8525,0.8000,0.8083 8 | 47,2,0.22,300,0.6512,1.0042,0.9210,0.8412,0.8000,0.7985 9 | 144,1,0.38,300,0.5891,0.9661,0.8856,0.8522,0.8045,0.8131 10 | 298,2,0.12,300,0.6740,0.9739,0.9320,0.8111,0.7727,0.7379 11 | 76,2,0.33,300,0.6061,1.0155,0.9235,0.8512,0.8068,0.7961 12 | 15,2,0.34,300,1.0683,1.3403,1.1451,0.7484,0.7091,0.7718 13 | 184,1,0.41000000000000003,300,0.5733,0.9326,0.9007,0.8535,0.7977,0.8034 14 | 182,1,0.34,300,0.5776,0.9622,0.8925,0.8535,0.8068,0.8058 15 | 36,1,0.19,300,0.6110,0.9431,0.8881,0.8475,0.8068,0.8058 16 | 48,1,0.34,300,0.6024,1.0136,0.9086,0.8495,0.8045,0.8180 17 | 57,2,0.37,300,0.6570,1.0523,0.9529,0.8428,0.7955,0.7985 18 | 140,3,0.05,300,0.6004,1.0243,1.0117,0.8465,0.7955,0.7864 19 | 222,1,0.31,300,0.6141,0.9500,0.8821,0.8455,0.8000,0.7985 20 | 304,3,0.08,300,0.6147,0.9810,0.9913,0.8455,0.8045,0.7864 21 | 206,2,0.24,300,0.5286,0.9222,0.9353,0.8619,0.8023,0.7985 22 | 184,2,0.2,300,0.6223,0.9596,0.9061,0.8465,0.8114,0.7961 23 | 93,2,0.06,300,0.6036,0.9823,0.9533,0.8505,0.8023,0.7937 24 | 89,2,0.39,300,0.6601,1.0071,0.9213,0.8362,0.7977,0.7937 25 | 139,3,0.11,300,0.5922,0.9634,0.9850,0.8509,0.8023,0.7913 26 | 347,3,0.31,300,0.5671,0.9415,0.9103,0.8569,0.8045,0.8083 27 | 410,3,0.25,300,0.6489,0.9614,0.9127,0.8365,0.7955,0.8034 28 | 147,3,0.1,300,0.5469,0.9739,0.9420,0.8592,0.8045,0.7961 29 | 144,3,0.22,300,0.6470,0.9993,0.9655,0.8415,0.7977,0.7961 30 | 194,1,0.09,300,0.5814,0.9711,0.8972,0.8532,0.8068,0.8034 31 | 43,3,0.07,300,0.6498,1.0690,1.0451,0.8452,0.7886,0.7864 32 | 349,3,0.29,300,0.6306,0.9598,0.9478,0.8468,0.8091,0.8034 33 | 252,3,0.22,300,0.6795,1.0093,0.9421,0.8335,0.7977,0.7888 34 | 233,3,0.19,300,0.6424,0.9811,1.0029,0.8398,0.8000,0.7888 35 | 181,2,0.17,300,0.5962,0.9490,0.8994,0.8509,0.8000,0.7937 36 | 38,3,0.34,300,0.9538,1.3195,1.1417,0.7898,0.7477,0.7670 37 | 92,2,0.07,300,0.5961,0.9859,0.9234,0.8492,0.8068,0.7961 38 | 298,2,0.29,300,0.5205,0.9163,0.9386,0.8635,0.8045,0.8083 39 | 107,3,0.4,300,0.7224,1.1222,0.9811,0.8198,0.7727,0.7888 40 | 19,1,0.05,300,0.6045,0.9878,0.9016,0.8512,0.7909,0.7985 41 | 90,2,0.17,300,0.5539,0.9758,0.9538,0.8569,0.8068,0.8058 42 | 44,2,0.23,300,0.5335,0.9337,0.9715,0.8625,0.8023,0.8131 43 | 39,3,0.31,300,0.8211,1.1621,1.1413,0.8028,0.7727,0.7888 44 | 85,2,0.29,300,0.5596,0.9831,0.9203,0.8569,0.7977,0.8058 45 | 112,2,0.33,300,0.5729,0.9242,0.8988,0.8559,0.8091,0.8107 46 | 427,1,0.04,300,0.6372,0.9715,0.9002,0.8432,0.7977,0.8010 47 | 125,2,0.13,300,0.5741,0.9556,0.9185,0.8522,0.8045,0.8010 48 | 134,3,0.0,300,0.6075,1.0475,1.0519,0.8509,0.7864,0.7791 49 | 421,2,0.5,300,0.5265,0.8946,0.8999,0.8635,0.8068,0.8010 50 | 113,3,0.49,300,0.7730,1.1431,0.9437,0.8145,0.7795,0.7888 51 | 73,3,0.46,300,0.7878,1.1493,0.9989,0.8098,0.7682,0.7718 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/telugu/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.1335,0.3600,0.4503,0.9752,0.9305,0.9126 3 | 415,3,0.43,768,0.1447,0.3765,0.4961,0.9738,0.9260,0.9071 4 | 68,3,0.15,768,0.1285,0.4680,0.5561,0.9778,0.9094,0.8960 5 | 115,1,0.45,768,0.0655,0.3749,0.4410,0.9902,0.9290,0.9154 6 | 401,3,0.05,768,0.0751,0.4488,0.5868,0.9847,0.9230,0.9015 7 | 359,1,0.46,768,0.0616,0.3603,0.4124,0.9906,0.9335,0.9196 8 | 47,2,0.22,768,0.1156,0.3944,0.4959,0.9793,0.9245,0.9154 9 | 144,1,0.38,768,0.1211,0.3505,0.4220,0.9778,0.9350,0.9140 10 | 298,2,0.12,768,0.1728,0.4180,0.4722,0.9644,0.9154,0.9057 11 | 76,2,0.33,768,0.1374,0.3865,0.4737,0.9756,0.9215,0.9154 12 | 15,2,0.34,768,0.5516,0.7066,0.6857,0.8772,0.8625,0.8585 13 | 184,1,0.41000000000000003,768,0.1297,0.3624,0.4287,0.9760,0.9260,0.9043 14 | 182,1,0.34,768,0.1234,0.3521,0.4324,0.9782,0.9320,0.9168 15 | 36,1,0.19,768,0.1548,0.3675,0.4468,0.9726,0.9260,0.9001 16 | 48,1,0.34,768,0.1370,0.3733,0.4329,0.9734,0.9230,0.9154 17 | 57,2,0.37,768,0.1616,0.3873,0.4830,0.9652,0.9245,0.9168 18 | 140,3,0.05,768,0.1530,0.4532,0.5323,0.9689,0.9154,0.9029 19 | 222,1,0.31,768,0.0835,0.3655,0.4297,0.9870,0.9245,0.9140 20 | 304,3,0.08,768,0.1464,0.4333,0.5311,0.9721,0.9139,0.9057 21 | 206,2,0.24,768,0.1151,0.3750,0.4477,0.9784,0.9215,0.9140 22 | 184,2,0.2,768,0.1627,0.3943,0.4589,0.9689,0.9154,0.9001 23 | 93,2,0.06,768,0.1207,0.4295,0.4963,0.9784,0.9124,0.9043 24 | 89,2,0.39,768,0.0920,0.3728,0.4984,0.9843,0.9230,0.9071 25 | 139,3,0.11,768,0.1958,0.4553,0.5509,0.9587,0.9003,0.8988 26 | 347,3,0.31,768,0.0794,0.3830,0.5615,0.9860,0.9215,0.8988 27 | 410,3,0.25,768,0.1553,0.3990,0.4966,0.9713,0.9215,0.9057 28 | 147,3,0.1,768,0.1844,0.4288,0.5102,0.9642,0.9109,0.9001 29 | 144,3,0.22,768,0.1128,0.3833,0.5471,0.9780,0.9215,0.9098 30 | 194,1,0.09,768,0.1235,0.4132,0.4727,0.9768,0.9154,0.8960 31 | 43,3,0.07,768,0.2533,0.5055,0.5649,0.9502,0.9018,0.8932 32 | 349,3,0.29,768,0.1345,0.4174,0.5265,0.9740,0.9184,0.9071 33 | 252,3,0.22,768,0.1389,0.3823,0.5189,0.9711,0.9184,0.8988 34 | 233,3,0.19,768,0.1065,0.4065,0.5117,0.9795,0.9260,0.9085 35 | 181,2,0.17,768,0.1960,0.4044,0.4502,0.9608,0.9199,0.9126 36 | 38,3,0.34,768,0.4618,0.6869,0.6507,0.9079,0.8640,0.8766 37 | 92,2,0.07,768,0.1100,0.4023,0.5078,0.9795,0.9275,0.9071 38 | 298,2,0.29,768,0.1129,0.3674,0.4405,0.9786,0.9275,0.9154 39 | 107,3,0.4,768,0.2308,0.4461,0.5392,0.9494,0.9063,0.8932 40 | 19,1,0.05,768,0.2132,0.4626,0.4574,0.9587,0.9154,0.9001 41 | 90,2,0.17,768,0.0883,0.3732,0.5139,0.9850,0.9320,0.9015 42 | 44,2,0.23,768,0.1138,0.3942,0.5012,0.9815,0.9184,0.9057 43 | 39,3,0.31,768,0.5273,0.7180,0.7316,0.8861,0.8565,0.8516 44 | 85,2,0.29,768,0.1002,0.3764,0.4951,0.9847,0.9290,0.9126 45 | 112,2,0.33,768,0.1419,0.3669,0.4711,0.9738,0.9230,0.9098 46 | 427,1,0.04,768,0.1551,0.4144,0.4673,0.9701,0.9215,0.9043 47 | 125,2,0.13,768,0.1736,0.4052,0.4947,0.9614,0.9275,0.9057 48 | 134,3,0.0,768,0.2371,0.4902,0.5396,0.9524,0.9003,0.8918 49 | 421,2,0.5,768,0.0957,0.3686,0.4237,0.9833,0.9230,0.9251 50 | 113,3,0.49,768,0.1918,0.4532,0.5185,0.9581,0.9124,0.8974 51 | 73,3,0.46,768,0.4288,0.5813,0.6394,0.9006,0.8671,0.8613 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/telugu/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.2003,0.3947,0.4196,0.9624,0.9199,0.9279 3 | 415,3,0.43,300,0.1719,0.3850,0.4378,0.9691,0.9215,0.9223 4 | 68,3,0.15,300,0.1571,0.4631,0.5344,0.9715,0.9184,0.9196 5 | 115,1,0.45,300,0.2016,0.4077,0.4217,0.9618,0.9245,0.9209 6 | 401,3,0.05,300,0.1953,0.4652,0.5505,0.9632,0.9184,0.9140 7 | 359,1,0.46,300,0.2153,0.4018,0.4277,0.9593,0.9215,0.9182 8 | 47,2,0.22,300,0.1984,0.4350,0.4793,0.9640,0.9154,0.9140 9 | 144,1,0.38,300,0.1796,0.4056,0.4281,0.9648,0.9215,0.9196 10 | 298,2,0.12,300,0.1874,0.4210,0.4748,0.9638,0.9215,0.9196 11 | 76,2,0.33,300,0.2004,0.4039,0.4213,0.9630,0.9199,0.9196 12 | 15,2,0.34,300,0.6769,0.7804,0.7184,0.8713,0.8625,0.8571 13 | 184,1,0.41000000000000003,300,0.2133,0.3986,0.4234,0.9573,0.9215,0.9182 14 | 182,1,0.34,300,0.2470,0.4129,0.4345,0.9532,0.9169,0.9168 15 | 36,1,0.19,300,0.2010,0.4190,0.4506,0.9597,0.9154,0.9112 16 | 48,1,0.34,300,0.2132,0.4113,0.4267,0.9575,0.9215,0.9168 17 | 57,2,0.37,300,0.2468,0.4304,0.4410,0.9522,0.9184,0.9168 18 | 140,3,0.05,300,0.2054,0.4698,0.5486,0.9622,0.9124,0.9168 19 | 222,1,0.31,300,0.1788,0.4181,0.4333,0.9646,0.9215,0.9209 20 | 304,3,0.08,300,0.2152,0.4615,0.5077,0.9579,0.9109,0.9126 21 | 206,2,0.24,300,0.1628,0.4106,0.4535,0.9665,0.9199,0.9182 22 | 184,2,0.2,300,0.2201,0.4187,0.4476,0.9593,0.9230,0.9209 23 | 93,2,0.06,300,0.2136,0.4473,0.4819,0.9597,0.9079,0.9168 24 | 89,2,0.39,300,0.1910,0.4016,0.4195,0.9664,0.9199,0.9209 25 | 139,3,0.11,300,0.2506,0.4670,0.5019,0.9504,0.9094,0.9085 26 | 347,3,0.31,300,0.1844,0.3989,0.4527,0.9650,0.9230,0.9140 27 | 410,3,0.25,300,0.2075,0.4162,0.4771,0.9604,0.9184,0.9168 28 | 147,3,0.1,300,0.1830,0.4618,0.5020,0.9636,0.9079,0.9126 29 | 144,3,0.22,300,0.2178,0.4434,0.4867,0.9618,0.9139,0.9182 30 | 194,1,0.09,300,0.2009,0.4335,0.4599,0.9604,0.9139,0.9140 31 | 43,3,0.07,300,0.2684,0.5202,0.5585,0.9504,0.9094,0.9140 32 | 349,3,0.29,300,0.1507,0.4444,0.5025,0.9719,0.9215,0.9126 33 | 252,3,0.22,300,0.2149,0.4435,0.4859,0.9642,0.9169,0.9209 34 | 233,3,0.19,300,0.2308,0.4373,0.4542,0.9569,0.9109,0.9223 35 | 181,2,0.17,300,0.2320,0.4291,0.4689,0.9557,0.9215,0.9209 36 | 38,3,0.34,300,0.4584,0.6383,0.6319,0.9242,0.8958,0.8988 37 | 92,2,0.07,300,0.2430,0.4625,0.4656,0.9534,0.9109,0.9196 38 | 298,2,0.29,300,0.1596,0.3918,0.4522,0.9675,0.9184,0.9168 39 | 107,3,0.4,300,0.2220,0.4476,0.4336,0.9603,0.9124,0.9182 40 | 19,1,0.05,300,0.2294,0.4323,0.4474,0.9549,0.9169,0.9140 41 | 90,2,0.17,300,0.2305,0.4281,0.4647,0.9542,0.9139,0.9168 42 | 44,2,0.23,300,0.2210,0.4499,0.4824,0.9559,0.9048,0.9182 43 | 39,3,0.31,300,0.4994,0.7020,0.6345,0.9097,0.8761,0.8863 44 | 85,2,0.29,300,0.1901,0.4108,0.4352,0.9636,0.9199,0.9196 45 | 112,2,0.33,300,0.1899,0.4156,0.4499,0.9628,0.9169,0.9168 46 | 427,1,0.04,300,0.2529,0.4335,0.4372,0.9512,0.9139,0.9182 47 | 125,2,0.13,300,0.2286,0.4415,0.4616,0.9545,0.9154,0.9209 48 | 134,3,0.0,300,0.2853,0.5027,0.5412,0.9477,0.9109,0.9168 49 | 421,2,0.5,300,0.1803,0.3845,0.4189,0.9665,0.9169,0.9237 50 | 113,3,0.49,300,0.2602,0.4658,0.4572,0.9453,0.8988,0.9071 51 | 73,3,0.46,300,0.4246,0.5847,0.5703,0.9187,0.8852,0.8946 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/turkish/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.1702,0.3770,0.3600,0.9645,0.9138,0.9204 3 | 415,3,0.43,768,0.1727,0.3848,0.3570,0.9631,0.9141,0.9219 4 | 68,3,0.15,768,0.2367,0.4739,0.4579,0.9494,0.8974,0.9040 5 | 115,1,0.45,768,0.3476,0.4710,0.4401,0.9245,0.8888,0.9025 6 | 401,3,0.05,768,0.1547,0.4424,0.4263,0.9656,0.9039,0.9103 7 | 359,1,0.46,768,0.1706,0.3832,0.3645,0.9707,0.9146,0.9189 8 | 47,2,0.22,768,0.3182,0.4804,0.4518,0.9295,0.8908,0.9015 9 | 144,1,0.38,768,0.2385,0.4176,0.3915,0.9484,0.9039,0.9112 10 | 298,2,0.12,768,0.1169,0.4217,0.3929,0.9746,0.9105,0.9139 11 | 76,2,0.33,768,0.2815,0.4469,0.4185,0.9352,0.8968,0.9061 12 | 15,2,0.34,768,0.9624,1.0261,0.9765,0.7487,0.7358,0.7504 13 | 184,1,0.41000000000000003,768,0.2336,0.4169,0.3853,0.9512,0.9042,0.9132 14 | 182,1,0.34,768,0.1713,0.3935,0.3676,0.9653,0.9104,0.9166 15 | 36,1,0.19,768,0.3202,0.4784,0.4416,0.9261,0.8897,0.8987 16 | 48,1,0.34,768,0.3763,0.4970,0.4615,0.9136,0.8820,0.8946 17 | 57,2,0.37,768,0.4087,0.5192,0.4859,0.9094,0.8824,0.8940 18 | 140,3,0.05,768,0.1669,0.4657,0.4390,0.9637,0.8983,0.9067 19 | 222,1,0.31,768,0.1566,0.3960,0.3767,0.9678,0.9099,0.9144 20 | 304,3,0.08,768,0.2048,0.4305,0.4131,0.9567,0.9048,0.9112 21 | 206,2,0.24,768,0.1443,0.3998,0.3655,0.9695,0.9124,0.9180 22 | 184,2,0.2,768,0.1435,0.4071,0.3886,0.9725,0.9103,0.9158 23 | 93,2,0.06,768,0.2125,0.4501,0.4175,0.9543,0.8981,0.9061 24 | 89,2,0.39,768,0.3390,0.4703,0.4448,0.9248,0.8915,0.9016 25 | 139,3,0.11,768,0.2260,0.4402,0.4151,0.9491,0.9016,0.9065 26 | 347,3,0.31,768,0.1325,0.3855,0.3654,0.9712,0.9172,0.9219 27 | 410,3,0.25,768,0.1211,0.3939,0.3779,0.9755,0.9131,0.9165 28 | 147,3,0.1,768,0.2117,0.4411,0.4089,0.9547,0.9019,0.9103 29 | 144,3,0.22,768,0.1401,0.4131,0.3963,0.9700,0.9120,0.9126 30 | 194,1,0.09,768,0.1410,0.4191,0.3932,0.9726,0.9035,0.9143 31 | 43,3,0.07,768,0.2933,0.5058,0.4779,0.9367,0.8915,0.8993 32 | 349,3,0.29,768,0.1453,0.3898,0.3756,0.9687,0.9122,0.9169 33 | 252,3,0.22,768,0.1817,0.4156,0.3897,0.9625,0.9075,0.9153 34 | 233,3,0.19,768,0.1774,0.4221,0.3939,0.9618,0.9074,0.9148 35 | 181,2,0.17,768,0.1753,0.4217,0.4000,0.9608,0.9056,0.9111 36 | 38,3,0.34,768,0.7681,0.8482,0.8107,0.8223,0.8082,0.8176 37 | 92,2,0.07,768,0.1935,0.4514,0.4266,0.9577,0.8998,0.9044 38 | 298,2,0.29,768,0.1423,0.3825,0.3633,0.9723,0.9141,0.9203 39 | 107,3,0.4,768,0.4405,0.5521,0.5209,0.9067,0.8789,0.8915 40 | 19,1,0.05,768,0.3465,0.5134,0.4726,0.9189,0.8807,0.8924 41 | 90,2,0.17,768,0.1910,0.4308,0.4024,0.9590,0.9045,0.9103 42 | 44,2,0.23,768,0.3579,0.5019,0.4597,0.9192,0.8877,0.8994 43 | 39,3,0.31,768,0.6772,0.7829,0.7422,0.8494,0.8264,0.8409 44 | 85,2,0.29,768,0.2430,0.4263,0.3997,0.9452,0.9021,0.9087 45 | 112,2,0.33,768,0.2834,0.4384,0.4148,0.9373,0.8982,0.9049 46 | 427,1,0.04,768,0.1297,0.4235,0.3836,0.9735,0.9042,0.9147 47 | 125,2,0.13,768,0.1951,0.4222,0.4032,0.9577,0.9025,0.9059 48 | 134,3,0.0,768,0.2384,0.4794,0.4434,0.9490,0.8918,0.9011 49 | 421,2,0.5,768,0.2405,0.4015,0.3784,0.9447,0.9082,0.9138 50 | 113,3,0.49,768,0.5218,0.6185,0.5807,0.8905,0.8695,0.8809 51 | 73,3,0.46,768,0.6454,0.7427,0.6994,0.8813,0.8581,0.8717 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/turkish/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.1400,0.2419,0.2329,0.9652,0.9465,0.9495 3 | 415,3,0.43,300,0.1359,0.2484,0.2419,0.9659,0.9449,0.9470 4 | 68,3,0.15,300,0.2045,0.3215,0.3105,0.9563,0.9376,0.9379 5 | 115,1,0.45,300,0.2866,0.3449,0.3288,0.9380,0.9248,0.9292 6 | 401,3,0.05,300,0.1451,0.2792,0.2596,0.9646,0.9429,0.9465 7 | 359,1,0.46,300,0.1939,0.2837,0.2737,0.9578,0.9402,0.9453 8 | 47,2,0.22,300,0.2348,0.3280,0.3058,0.9463,0.9292,0.9350 9 | 144,1,0.38,300,0.2006,0.2883,0.2743,0.9559,0.9386,0.9419 10 | 298,2,0.12,300,0.0978,0.2611,0.2488,0.9747,0.9489,0.9522 11 | 76,2,0.33,300,0.2569,0.3258,0.3094,0.9425,0.9295,0.9343 12 | 15,2,0.34,300,1.0368,1.0842,1.0363,0.7415,0.7393,0.7490 13 | 184,1,0.41000000000000003,300,0.2035,0.2906,0.2758,0.9558,0.9378,0.9423 14 | 182,1,0.34,300,0.1932,0.2849,0.2680,0.9560,0.9382,0.9432 15 | 36,1,0.19,300,0.2420,0.3342,0.3096,0.9451,0.9291,0.9355 16 | 48,1,0.34,300,0.3218,0.3784,0.3594,0.9310,0.9192,0.9265 17 | 57,2,0.37,300,0.3538,0.4105,0.3817,0.9261,0.9146,0.9219 18 | 140,3,0.05,300,0.1268,0.2998,0.2769,0.9711,0.9416,0.9470 19 | 222,1,0.31,300,0.1359,0.2573,0.2475,0.9685,0.9466,0.9497 20 | 304,3,0.08,300,0.1303,0.2773,0.2697,0.9670,0.9452,0.9462 21 | 206,2,0.24,300,0.1271,0.2505,0.2432,0.9682,0.9476,0.9476 22 | 184,2,0.2,300,0.1176,0.2560,0.2491,0.9716,0.9482,0.9498 23 | 93,2,0.06,300,0.1608,0.2814,0.2772,0.9616,0.9430,0.9434 24 | 89,2,0.39,300,0.2810,0.3418,0.3259,0.9375,0.9264,0.9276 25 | 139,3,0.11,300,0.1415,0.2801,0.2553,0.9673,0.9433,0.9448 26 | 347,3,0.31,300,0.1267,0.2457,0.2374,0.9686,0.9486,0.9507 27 | 410,3,0.25,300,0.1114,0.2465,0.2401,0.9700,0.9451,0.9493 28 | 147,3,0.1,300,0.1211,0.2718,0.2656,0.9718,0.9448,0.9469 29 | 144,3,0.22,300,0.1326,0.2667,0.2556,0.9651,0.9411,0.9454 30 | 194,1,0.09,300,0.1236,0.2700,0.2593,0.9706,0.9465,0.9475 31 | 43,3,0.07,300,0.2093,0.3471,0.3276,0.9559,0.9351,0.9349 32 | 349,3,0.29,300,0.1239,0.2500,0.2404,0.9696,0.9476,0.9499 33 | 252,3,0.22,300,0.1188,0.2563,0.2410,0.9710,0.9472,0.9496 34 | 233,3,0.19,300,0.1537,0.2583,0.2493,0.9643,0.9443,0.9461 35 | 181,2,0.17,300,0.1093,0.2516,0.2468,0.9734,0.9484,0.9509 36 | 38,3,0.34,300,0.6508,0.7089,0.6685,0.8729,0.8663,0.8682 37 | 92,2,0.07,300,0.1331,0.2873,0.2693,0.9680,0.9428,0.9451 38 | 298,2,0.29,300,0.1125,0.2462,0.2332,0.9722,0.9491,0.9511 39 | 107,3,0.4,300,0.3276,0.3889,0.3681,0.9345,0.9241,0.9295 40 | 19,1,0.05,300,0.2264,0.3476,0.3202,0.9467,0.9276,0.9330 41 | 90,2,0.17,300,0.1457,0.2746,0.2570,0.9649,0.9445,0.9467 42 | 44,2,0.23,300,0.2735,0.3556,0.3370,0.9397,0.9260,0.9294 43 | 39,3,0.31,300,0.6915,0.7567,0.7289,0.8609,0.8546,0.8587 44 | 85,2,0.29,300,0.2085,0.2929,0.2809,0.9521,0.9372,0.9399 45 | 112,2,0.33,300,0.2001,0.2837,0.2709,0.9525,0.9364,0.9393 46 | 427,1,0.04,300,0.1358,0.2869,0.2628,0.9686,0.9432,0.9465 47 | 125,2,0.13,300,0.1138,0.2679,0.2529,0.9720,0.9483,0.9485 48 | 134,3,0.0,300,0.1365,0.3266,0.3070,0.9682,0.9403,0.9416 49 | 421,2,0.5,300,0.1652,0.2533,0.2448,0.9596,0.9423,0.9446 50 | 113,3,0.49,300,0.4524,0.5006,0.4783,0.9134,0.9060,0.9121 51 | 73,3,0.46,300,0.6330,0.6762,0.6461,0.8657,0.8587,0.8633 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/czech/onehot/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,0.7876,0.9799,1.0250,0.8339,0.7935,0.7875 3 | 147,1,0.26,134,0.7474,0.9749,1.0129,0.8403,0.7940,0.7880 4 | 59,3,0.41000000000000003,172,1.5258,1.6442,1.7060,0.6854,0.6660,0.6623 5 | 190,2,0.13,160,0.8324,1.0484,1.0854,0.8213,0.7808,0.7743 6 | 484,3,0.06,100,0.8939,1.1017,1.1428,0.8079,0.7692,0.7630 7 | 97,1,0.5,242,0.8543,1.0172,1.0585,0.8224,0.7866,0.7814 8 | 18,3,0.3,174,2.3865,2.4333,2.4702,0.5017,0.4941,0.4949 9 | 261,3,0.14,153,0.9044,1.0851,1.1294,0.8075,0.7714,0.7635 10 | 257,1,0.19,108,0.7457,0.9816,1.0252,0.8403,0.7929,0.7854 11 | 45,1,0.5,210,0.9582,1.1057,1.1548,0.8033,0.7720,0.7647 12 | 60,3,0.34,163,1.3013,1.4390,1.4964,0.7316,0.7070,0.7035 13 | 72,3,0.38,276,1.3558,1.4811,1.5330,0.7220,0.6990,0.6958 14 | 183,3,0.28,242,0.8389,1.0559,1.0924,0.8240,0.7827,0.7770 15 | 333,2,0.11,292,0.7613,1.0171,1.0636,0.8374,0.7908,0.7837 16 | 497,3,0.45,153,1.1625,1.2786,1.3159,0.7559,0.7319,0.7279 17 | 302,2,0.45,257,0.9817,1.1358,1.1666,0.7940,0.7646,0.7607 18 | 263,1,0.02,89,0.7763,1.0568,1.0974,0.8336,0.7832,0.7763 19 | 118,3,0.47000000000000003,48,1.5469,1.6305,1.6645,0.6775,0.6612,0.6576 20 | 114,1,0.16,52,0.7516,0.9877,1.0340,0.8389,0.7923,0.7858 21 | 182,2,0.44,131,0.9989,1.1434,1.1788,0.7874,0.7594,0.7549 22 | 195,3,0.37,49,1.1158,1.2557,1.2926,0.7668,0.7380,0.7328 23 | 191,1,0.22,124,0.7516,0.9738,1.0195,0.8387,0.7942,0.7867 24 | 278,2,0.24,192,0.8115,1.0209,1.0605,0.8264,0.7863,0.7804 25 | 55,1,0.14,120,0.7298,0.9901,1.0298,0.8446,0.7933,0.7861 26 | 393,2,0.02,184,0.7527,1.0389,1.0858,0.8375,0.7852,0.7766 27 | 357,1,0.25,263,0.7927,1.0187,1.0679,0.8313,0.7862,0.7790 28 | 255,1,0.19,268,0.7520,1.0057,1.0424,0.8395,0.7911,0.7856 29 | 48,3,0.34,88,1.4789,1.5985,1.6429,0.7005,0.6813,0.6760 30 | 117,3,0.05,110,0.8944,1.0980,1.1425,0.8115,0.7704,0.7642 31 | 484,3,0.28,280,0.8725,1.0659,1.1066,0.8177,0.7783,0.7756 32 | 137,3,0.05,168,0.8194,1.0557,1.0924,0.8262,0.7809,0.7741 33 | 23,2,0.0,276,0.7241,1.0466,1.0838,0.8505,0.7890,0.7846 34 | 115,1,0.31,178,0.6732,0.9280,0.9728,0.8569,0.8041,0.7969 35 | 56,1,0.13,82,0.7787,1.0130,1.0498,0.8345,0.7885,0.7827 36 | 50,1,0.22,250,0.7066,0.9679,1.0066,0.8491,0.7977,0.7930 37 | 108,3,0.32,257,1.0249,1.2077,1.2468,0.7840,0.7491,0.7449 38 | 143,2,0.47000000000000003,143,0.9889,1.1384,1.1803,0.7930,0.7625,0.7568 39 | 160,1,0.3,250,0.7252,0.9626,1.0014,0.8457,0.7974,0.7920 40 | 174,1,0.15,82,0.7645,0.9975,1.0392,0.8360,0.7899,0.7832 41 | 145,2,0.24,207,0.9015,1.0743,1.1101,0.8078,0.7730,0.7672 42 | 94,1,0.01,168,0.6997,1.0190,1.0614,0.8506,0.7915,0.7846 43 | 68,3,0.28,206,1.1380,1.2995,1.3475,0.7651,0.7351,0.7288 44 | 16,3,0.3,75,2.4699,2.5348,2.6089,0.5048,0.4930,0.4918 45 | 151,2,0.14,218,0.7054,0.9654,1.0077,0.8486,0.7973,0.7903 46 | 132,3,0.38,164,1.0679,1.2303,1.2649,0.7770,0.7456,0.7401 47 | 125,1,0.06,144,0.7512,1.0271,1.0735,0.8402,0.7880,0.7800 48 | 487,1,0.38,212,0.7679,0.9800,1.0193,0.8406,0.7949,0.7882 49 | 134,3,0.36,257,1.0435,1.2139,1.2503,0.7848,0.7511,0.7470 50 | 34,3,0.3,103,1.4819,1.6183,1.7113,0.7102,0.6874,0.6838 51 | 11,1,0.23,111,0.9007,1.1432,1.1984,0.8194,0.7705,0.7647 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/czech/random/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,2.4038,2.4166,2.4188,0.5035,0.5018,0.4991 3 | 147,1,0.26,134,2.0422,2.0613,2.0671,0.5826,0.5777,0.5769 4 | 59,3,0.41000000000000003,172,2.7352,2.7473,2.7508,0.4312,0.4292,0.4264 5 | 190,2,0.13,160,1.8264,1.8550,1.8716,0.6214,0.6163,0.6121 6 | 484,3,0.06,100,1.4761,1.5562,1.5781,0.6925,0.6783,0.6736 7 | 97,1,0.5,242,2.3549,2.3686,2.3712,0.5159,0.5129,0.5113 8 | 18,3,0.3,174,3.1091,3.1237,3.1244,0.3723,0.3692,0.3670 9 | 261,3,0.14,153,1.7627,1.7931,1.8089,0.6320,0.6261,0.6250 10 | 257,1,0.19,108,1.8414,1.8722,1.8913,0.6225,0.6160,0.6132 11 | 45,1,0.5,210,2.6061,2.6189,2.6190,0.4677,0.4659,0.4636 12 | 60,3,0.34,163,2.5719,2.5840,2.5857,0.4678,0.4659,0.4635 13 | 72,3,0.38,276,2.5113,2.5211,2.5269,0.4773,0.4763,0.4731 14 | 183,3,0.28,242,2.0528,2.0689,2.0789,0.5697,0.5670,0.5648 15 | 333,2,0.11,292,1.4667,1.5574,1.5829,0.6934,0.6776,0.6731 16 | 497,3,0.45,153,2.3873,2.3986,2.4026,0.5040,0.5028,0.5002 17 | 302,2,0.45,257,2.2432,2.2610,2.2639,0.5297,0.5284,0.5256 18 | 263,1,0.02,89,1.7426,1.8058,1.8240,0.6425,0.6322,0.6311 19 | 118,3,0.47000000000000003,48,2.8571,2.8675,2.8655,0.4242,0.4227,0.4198 20 | 114,1,0.16,52,2.2302,2.2475,2.2515,0.5399,0.5349,0.5366 21 | 182,2,0.44,131,2.3650,2.3758,2.3767,0.5022,0.5003,0.4999 22 | 195,3,0.37,49,2.5316,2.5410,2.5413,0.4739,0.4725,0.4701 23 | 191,1,0.22,124,1.9451,1.9722,1.9837,0.6033,0.5970,0.5957 24 | 278,2,0.24,192,1.8713,1.8948,1.9157,0.6106,0.6080,0.6023 25 | 55,1,0.14,120,2.1859,2.2024,2.2059,0.5499,0.5483,0.5471 26 | 393,2,0.02,184,1.4071,1.5467,1.5760,0.7060,0.6836,0.6789 27 | 357,1,0.25,263,1.5950,1.6590,1.6774,0.6777,0.6630,0.6610 28 | 255,1,0.19,268,1.5681,1.6371,1.6545,0.6804,0.6664,0.6641 29 | 48,3,0.34,88,2.7970,2.8085,2.8085,0.4273,0.4252,0.4229 30 | 117,3,0.05,110,1.8785,1.9067,1.9169,0.6117,0.6057,0.6045 31 | 484,3,0.28,280,1.8784,1.9049,1.9208,0.6004,0.5966,0.5939 32 | 137,3,0.05,168,1.6950,1.7400,1.7547,0.6487,0.6396,0.6382 33 | 23,2,0.0,276,2.1040,2.1354,2.1359,0.5695,0.5650,0.5618 34 | 115,1,0.31,178,2.0902,2.1065,2.1165,0.5717,0.5682,0.5665 35 | 56,1,0.13,82,2.2594,2.2731,2.2783,0.5328,0.5327,0.5288 36 | 50,1,0.22,250,2.0973,2.1173,2.1273,0.5662,0.5632,0.5602 37 | 108,3,0.32,257,2.2966,2.3081,2.3108,0.5151,0.5145,0.5113 38 | 143,2,0.47000000000000003,143,2.4637,2.4764,2.4760,0.4864,0.4836,0.4828 39 | 160,1,0.3,250,1.9064,1.9322,1.9436,0.6097,0.6047,0.6017 40 | 174,1,0.15,82,1.9874,2.0143,2.0224,0.5924,0.5894,0.5861 41 | 145,2,0.24,207,1.9692,1.9866,1.9997,0.5880,0.5846,0.5832 42 | 94,1,0.01,168,1.8318,1.8868,1.8994,0.6258,0.6156,0.6151 43 | 68,3,0.28,206,2.4004,2.4112,2.4131,0.4993,0.4977,0.4956 44 | 16,3,0.3,75,3.2979,3.3113,3.3112,0.3682,0.3661,0.3622 45 | 151,2,0.14,218,1.7579,1.7901,1.8090,0.6336,0.6270,0.6241 46 | 132,3,0.38,164,2.4299,2.4391,2.4445,0.4913,0.4905,0.4878 47 | 125,1,0.06,144,1.8088,1.8545,1.8690,0.6282,0.6212,0.6174 48 | 487,1,0.38,212,1.8855,1.9161,1.9287,0.6238,0.6167,0.6151 49 | 134,3,0.36,257,2.2926,2.3034,2.3090,0.5150,0.5144,0.5138 50 | 34,3,0.3,103,2.8606,2.8738,2.8779,0.4121,0.4098,0.4056 51 | 11,1,0.23,111,2.7656,2.7789,2.7781,0.4427,0.4403,0.4382 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/indonesian/bert/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,768,0.6876,0.8329,0.8471,0.8633,0.8341,0.8352 3 | 415,3,0.43,768,0.7451,0.8674,0.8681,0.8549,0.8291,0.8326 4 | 68,3,0.15,768,0.7413,0.8828,0.8911,0.8556,0.8273,0.8296 5 | 115,1,0.45,768,0.8000,0.8945,0.8998,0.8411,0.8188,0.8202 6 | 401,3,0.05,768,0.4528,0.8082,0.8051,0.9046,0.8434,0.8420 7 | 359,1,0.46,768,0.6758,0.8459,0.8606,0.8694,0.8328,0.8338 8 | 47,2,0.22,768,0.7726,0.8725,0.8853,0.8513,0.8259,0.8337 9 | 144,1,0.38,768,0.6637,0.8188,0.8343,0.8648,0.8316,0.8361 10 | 298,2,0.12,768,0.4037,0.7699,0.7990,0.9152,0.8446,0.8435 11 | 76,2,0.33,768,0.8311,0.9158,0.9148,0.8373,0.8168,0.8212 12 | 15,2,0.34,768,2.0957,2.0990,2.1217,0.5803,0.5785,0.5769 13 | 184,1,0.41000000000000003,768,0.6947,0.8344,0.8444,0.8622,0.8314,0.8318 14 | 182,1,0.34,768,0.5865,0.7949,0.8069,0.8816,0.8374,0.8410 15 | 36,1,0.19,768,0.7086,0.8387,0.8422,0.8576,0.8295,0.8303 16 | 48,1,0.34,768,0.7851,0.8675,0.8794,0.8419,0.8244,0.8272 17 | 57,2,0.37,768,0.9447,1.0117,1.0161,0.8167,0.8027,0.8027 18 | 140,3,0.05,768,0.6228,0.7991,0.8013,0.8741,0.8377,0.8418 19 | 222,1,0.31,768,0.6063,0.7883,0.8019,0.8788,0.8397,0.8434 20 | 304,3,0.08,768,0.5212,0.7720,0.7951,0.8923,0.8453,0.8418 21 | 206,2,0.24,768,0.5396,0.7593,0.7759,0.8877,0.8449,0.8483 22 | 184,2,0.2,768,0.4673,0.7521,0.7693,0.9017,0.8492,0.8494 23 | 93,2,0.06,768,0.5327,0.7784,0.7869,0.8910,0.8444,0.8440 24 | 89,2,0.39,768,0.8557,0.9312,0.9386,0.8325,0.8161,0.8159 25 | 139,3,0.11,768,0.5622,0.7913,0.7984,0.8875,0.8459,0.8405 26 | 347,3,0.31,768,0.5257,0.7611,0.7783,0.8924,0.8483,0.8495 27 | 410,3,0.25,768,0.5030,0.7709,0.7827,0.8955,0.8443,0.8487 28 | 147,3,0.1,768,0.5344,0.7832,0.7788,0.8933,0.8412,0.8464 29 | 144,3,0.22,768,0.6309,0.8008,0.8199,0.8739,0.8412,0.8420 30 | 194,1,0.09,768,0.5044,0.7733,0.7900,0.8948,0.8440,0.8461 31 | 43,3,0.07,768,0.7511,0.9199,0.9368,0.8557,0.8223,0.8219 32 | 349,3,0.29,768,0.5495,0.7725,0.7959,0.8870,0.8454,0.8426 33 | 252,3,0.22,768,0.5616,0.7750,0.7827,0.8856,0.8406,0.8472 34 | 233,3,0.19,768,0.4683,0.7691,0.7797,0.9018,0.8468,0.8488 35 | 181,2,0.17,768,0.5014,0.7569,0.7753,0.8950,0.8458,0.8468 36 | 38,3,0.34,768,1.8372,1.8537,1.8903,0.6154,0.6070,0.6078 37 | 92,2,0.07,768,0.4970,0.7775,0.7850,0.8976,0.8433,0.8478 38 | 298,2,0.29,768,0.5051,0.7583,0.7847,0.8938,0.8453,0.8482 39 | 107,3,0.4,768,1.0326,1.1040,1.1134,0.8013,0.7846,0.7850 40 | 19,1,0.05,768,0.8014,0.9127,0.9276,0.8411,0.8147,0.8181 41 | 90,2,0.17,768,0.5967,0.7805,0.7930,0.8768,0.8407,0.8418 42 | 44,2,0.23,768,0.8267,0.9136,0.9176,0.8396,0.8186,0.8247 43 | 39,3,0.31,768,1.6675,1.6918,1.7333,0.6446,0.6409,0.6356 44 | 85,2,0.29,768,0.7788,0.8666,0.8765,0.8432,0.8227,0.8274 45 | 112,2,0.33,768,0.7457,0.8438,0.8530,0.8504,0.8278,0.8323 46 | 427,1,0.04,768,0.5263,0.7854,0.8074,0.8932,0.8417,0.8394 47 | 125,2,0.13,768,0.5022,0.7582,0.7768,0.8961,0.8464,0.8474 48 | 134,3,0.0,768,0.4890,0.8185,0.8247,0.9007,0.8353,0.8393 49 | 421,2,0.5,768,0.7632,0.8814,0.8919,0.8507,0.8272,0.8293 50 | 113,3,0.49,768,1.3564,1.3894,1.4127,0.7091,0.7023,0.6987 51 | 73,3,0.46,768,1.6110,1.6396,1.6666,0.6654,0.6579,0.6565 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/indonesian/fast/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 464,2,0.41000000000000003,300,0.9573,1.1581,1.1372,0.7824,0.7494,0.7491 3 | 415,3,0.43,300,1.0483,1.2001,1.1778,0.7654,0.7426,0.7429 4 | 68,3,0.15,300,1.1186,1.2767,1.2705,0.7594,0.7360,0.7360 5 | 115,1,0.45,300,1.2201,1.3130,1.3045,0.7451,0.7281,0.7322 6 | 401,3,0.05,300,0.8519,1.1953,1.1670,0.8136,0.7489,0.7479 7 | 359,1,0.46,300,1.0540,1.2246,1.2112,0.7723,0.7435,0.7449 8 | 47,2,0.22,300,1.2112,1.3172,1.3053,0.7430,0.7258,0.7303 9 | 144,1,0.38,300,1.0699,1.2320,1.2138,0.7682,0.7391,0.7404 10 | 298,2,0.12,300,0.8525,1.1660,1.1355,0.8095,0.7521,0.7536 11 | 76,2,0.33,300,1.2384,1.3112,1.3106,0.7366,0.7195,0.7236 12 | 15,2,0.34,300,2.2226,2.2289,2.2575,0.5323,0.5336,0.5261 13 | 184,1,0.41000000000000003,300,1.1163,1.2464,1.2369,0.7614,0.7384,0.7389 14 | 182,1,0.34,300,1.0013,1.2041,1.1866,0.7801,0.7422,0.7467 15 | 36,1,0.19,300,1.1667,1.2958,1.2769,0.7536,0.7325,0.7339 16 | 48,1,0.34,300,1.2681,1.3467,1.3464,0.7370,0.7231,0.7240 17 | 57,2,0.37,300,1.4052,1.4473,1.4556,0.7083,0.6992,0.6997 18 | 140,3,0.05,300,0.9228,1.2269,1.2043,0.7995,0.7459,0.7461 19 | 222,1,0.31,300,0.9379,1.1854,1.1717,0.7937,0.7499,0.7493 20 | 304,3,0.08,300,0.9026,1.2052,1.1664,0.8014,0.7465,0.7501 21 | 206,2,0.24,300,0.8641,1.1548,1.1323,0.8021,0.7536,0.7543 22 | 184,2,0.2,300,0.9085,1.1715,1.1439,0.7950,0.7505,0.7504 23 | 93,2,0.06,300,0.9807,1.2134,1.1921,0.7845,0.7472,0.7447 24 | 89,2,0.39,300,1.2544,1.3201,1.3211,0.7350,0.7209,0.7217 25 | 139,3,0.11,300,0.9207,1.2146,1.1910,0.7976,0.7489,0.7479 26 | 347,3,0.31,300,0.9563,1.1745,1.1594,0.7854,0.7488,0.7481 27 | 410,3,0.25,300,0.8652,1.1636,1.1401,0.8034,0.7512,0.7530 28 | 147,3,0.1,300,0.9151,1.2060,1.1854,0.7960,0.7497,0.7494 29 | 144,3,0.22,300,1.0406,1.2215,1.2078,0.7711,0.7427,0.7404 30 | 194,1,0.09,300,0.9646,1.2124,1.1926,0.7920,0.7450,0.7445 31 | 43,3,0.07,300,1.1533,1.3413,1.3259,0.7592,0.7295,0.7301 32 | 349,3,0.29,300,0.9395,1.1735,1.1590,0.7865,0.7489,0.7456 33 | 252,3,0.22,300,0.9771,1.1953,1.1766,0.7812,0.7468,0.7483 34 | 233,3,0.19,300,0.9446,1.1963,1.1704,0.7893,0.7479,0.7464 35 | 181,2,0.17,300,0.8940,1.1720,1.1433,0.8004,0.7529,0.7505 36 | 38,3,0.34,300,1.9324,1.9515,1.9764,0.6045,0.5987,0.5947 37 | 92,2,0.07,300,0.9590,1.2098,1.1864,0.7879,0.7454,0.7454 38 | 298,2,0.29,300,0.8627,1.1447,1.1285,0.8029,0.7537,0.7551 39 | 107,3,0.4,300,1.3967,1.4477,1.4596,0.7009,0.6919,0.6928 40 | 19,1,0.05,300,1.1887,1.3372,1.3342,0.7499,0.7280,0.7263 41 | 90,2,0.17,300,0.9692,1.1915,1.1772,0.7808,0.7465,0.7463 42 | 44,2,0.23,300,1.2264,1.3198,1.3210,0.7423,0.7231,0.7257 43 | 39,3,0.31,300,1.7813,1.8057,1.8256,0.6387,0.6328,0.6318 44 | 85,2,0.29,300,1.1383,1.2523,1.2382,0.7521,0.7336,0.7365 45 | 112,2,0.33,300,1.0928,1.2210,1.2075,0.7577,0.7392,0.7383 46 | 427,1,0.04,300,0.8908,1.2127,1.1845,0.8088,0.7494,0.7481 47 | 125,2,0.13,300,0.9270,1.1862,1.1610,0.7924,0.7484,0.7461 48 | 134,3,0.0,300,0.9443,1.2645,1.2345,0.7947,0.7426,0.7412 49 | 421,2,0.5,300,1.0515,1.1900,1.1789,0.7626,0.7416,0.7428 50 | 113,3,0.49,300,1.5812,1.6161,1.6219,0.6723,0.6640,0.6629 51 | 73,3,0.46,300,1.8434,1.8648,1.8844,0.6192,0.6147,0.6144 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/tamil/onehot/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,1.0050,2.3195,2.3874,0.8433,0.5292,0.5158 3 | 147,1,0.26,134,1.1258,2.4672,2.5537,0.8010,0.5114,0.4912 4 | 59,3,0.41000000000000003,172,1.9448,2.7357,2.9084,0.5972,0.4514,0.4195 5 | 190,2,0.13,160,1.5652,2.5006,2.6719,0.6865,0.5004,0.4612 6 | 484,3,0.06,100,2.0330,2.7077,2.8679,0.5824,0.4531,0.4280 7 | 97,1,0.5,242,0.8873,2.3454,2.3884,0.8617,0.5241,0.5281 8 | 18,3,0.3,174,2.5500,3.0924,3.2387,0.4380,0.3626,0.3323 9 | 261,3,0.14,153,1.3841,2.5738,2.6699,0.7205,0.4920,0.4698 10 | 257,1,0.19,108,1.5382,2.5757,2.6290,0.7072,0.4801,0.4607 11 | 45,1,0.5,210,1.1062,2.3329,2.3655,0.8173,0.5275,0.5292 12 | 60,3,0.34,163,1.3545,2.5692,2.6967,0.7227,0.4861,0.4698 13 | 72,3,0.38,276,1.6835,2.6178,2.7728,0.6350,0.4784,0.4382 14 | 183,3,0.28,242,0.8435,2.5225,2.5972,0.8447,0.5030,0.4922 15 | 333,2,0.11,292,1.2095,2.4951,2.5863,0.7755,0.4996,0.4810 16 | 497,3,0.45,153,0.9865,2.2849,2.4415,0.8290,0.5359,0.5094 17 | 302,2,0.45,257,1.0088,2.3124,2.4550,0.8243,0.5232,0.4997 18 | 263,1,0.02,89,1.7105,2.6211,2.7538,0.6455,0.4768,0.4387 19 | 118,3,0.47000000000000003,48,1.6323,2.5720,2.6788,0.6721,0.4675,0.4419 20 | 114,1,0.16,52,1.4505,2.5707,2.7670,0.7209,0.4937,0.4708 21 | 182,2,0.44,131,1.3397,2.4115,2.4679,0.7617,0.5089,0.4987 22 | 195,3,0.37,49,1.4709,2.4987,2.5661,0.7166,0.4691,0.4692 23 | 191,1,0.22,124,1.1747,2.5188,2.5860,0.7888,0.4937,0.4778 24 | 278,2,0.24,192,1.1901,2.5277,2.5820,0.7784,0.5123,0.4874 25 | 55,1,0.14,120,1.3249,2.5822,2.6418,0.7433,0.4894,0.4741 26 | 393,2,0.02,184,1.2580,2.5800,2.7029,0.7716,0.4844,0.4730 27 | 357,1,0.25,263,1.0556,2.4831,2.5580,0.8189,0.5131,0.4933 28 | 255,1,0.19,268,1.0373,2.4232,2.6017,0.8224,0.5258,0.4831 29 | 48,3,0.34,88,1.9450,2.7607,2.8455,0.5692,0.4489,0.4264 30 | 117,3,0.05,110,1.7894,2.7321,2.7940,0.6440,0.4624,0.4350 31 | 484,3,0.28,280,0.8560,2.5353,2.5825,0.8447,0.5182,0.4981 32 | 137,3,0.05,168,1.7203,2.7140,2.8892,0.6468,0.4649,0.4216 33 | 23,2,0.0,276,1.6269,2.7676,2.8668,0.6571,0.4691,0.4291 34 | 115,1,0.31,178,0.9980,2.4406,2.5069,0.8273,0.5325,0.4901 35 | 56,1,0.13,82,1.5152,2.5862,2.7412,0.7059,0.4996,0.4462 36 | 50,1,0.22,250,1.2944,2.4173,2.6178,0.7652,0.5199,0.4799 37 | 108,3,0.32,257,1.4502,2.4924,2.5912,0.7106,0.5207,0.4746 38 | 143,2,0.47000000000000003,143,1.1812,2.3203,2.3986,0.7988,0.5368,0.5174 39 | 160,1,0.3,250,0.9912,2.4346,2.5775,0.8379,0.5232,0.4933 40 | 174,1,0.15,82,1.2478,2.5487,2.7168,0.7699,0.5055,0.4532 41 | 145,2,0.24,207,1.2453,2.4880,2.5628,0.7657,0.5013,0.4799 42 | 94,1,0.01,168,1.5149,2.5562,2.6783,0.7170,0.4937,0.4623 43 | 68,3,0.28,206,1.4511,2.5161,2.6048,0.6919,0.4852,0.4714 44 | 16,3,0.3,75,2.7323,3.1749,3.3004,0.4166,0.3660,0.3269 45 | 151,2,0.14,218,1.0586,2.6008,2.5788,0.8044,0.5013,0.4783 46 | 132,3,0.38,164,1.3039,2.5242,2.4999,0.7333,0.4776,0.4853 47 | 125,1,0.06,144,1.2961,2.5736,2.7020,0.7588,0.4835,0.4526 48 | 487,1,0.38,212,1.1917,2.4428,2.5582,0.7844,0.5131,0.4837 49 | 134,3,0.36,257,1.0736,2.4330,2.5170,0.8023,0.5216,0.5094 50 | 34,3,0.3,103,2.3941,3.0320,3.0875,0.4201,0.3525,0.3307 51 | 11,1,0.23,111,1.2533,2.4989,2.6778,0.7620,0.5013,0.4890 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/tamil/random/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,1.2282,2.3339,2.4080,0.8055,0.5410,0.5088 3 | 147,1,0.26,134,1.0410,2.4971,2.6124,0.8330,0.5173,0.4901 4 | 59,3,0.41000000000000003,172,2.2051,2.6063,2.7164,0.5195,0.4565,0.4323 5 | 190,2,0.13,160,1.1902,2.5410,2.6984,0.7753,0.4886,0.4617 6 | 484,3,0.06,100,1.6095,2.7144,2.8189,0.6655,0.4632,0.4318 7 | 97,1,0.5,242,1.2812,2.3946,2.4446,0.7990,0.5139,0.5163 8 | 18,3,0.3,174,2.6279,2.8723,3.0144,0.4265,0.4218,0.3793 9 | 261,3,0.14,153,1.3729,2.5964,2.6422,0.7234,0.4827,0.4666 10 | 257,1,0.19,108,0.9268,2.5803,2.6494,0.8573,0.4954,0.4799 11 | 45,1,0.5,210,1.8342,2.4520,2.5580,0.5945,0.5106,0.4746 12 | 60,3,0.34,163,1.8626,2.4115,2.5113,0.6117,0.5004,0.4858 13 | 72,3,0.38,276,1.4702,2.3796,2.5210,0.7285,0.5021,0.4735 14 | 183,3,0.28,242,1.1382,2.3986,2.5070,0.7885,0.5063,0.4826 15 | 333,2,0.11,292,1.3510,2.5231,2.6191,0.7453,0.4970,0.4719 16 | 497,3,0.45,153,0.6908,2.1659,2.3215,0.8924,0.5672,0.5420 17 | 302,2,0.45,257,0.5302,2.2463,2.3670,0.9605,0.5495,0.5265 18 | 263,1,0.02,89,1.4335,2.6561,2.7741,0.7290,0.4810,0.4452 19 | 118,3,0.47000000000000003,48,2.4863,2.6367,2.7341,0.4760,0.4573,0.4238 20 | 114,1,0.16,52,1.4697,2.5521,2.7557,0.7086,0.5106,0.4644 21 | 182,2,0.44,131,1.1141,2.2499,2.2762,0.8383,0.5351,0.5425 22 | 195,3,0.37,49,1.5956,2.3238,2.3446,0.6799,0.5165,0.5158 23 | 191,1,0.22,124,0.7899,2.5559,2.6681,0.8961,0.5013,0.4596 24 | 278,2,0.24,192,0.7000,2.5210,2.6174,0.8922,0.5148,0.4912 25 | 55,1,0.14,120,1.6230,2.6846,2.7549,0.6733,0.4751,0.4494 26 | 393,2,0.02,184,1.4010,2.6090,2.7298,0.7418,0.4675,0.4596 27 | 357,1,0.25,263,1.2651,2.5103,2.5982,0.7693,0.5030,0.4757 28 | 255,1,0.19,268,0.9678,2.4714,2.6893,0.8293,0.5173,0.4906 29 | 48,3,0.34,88,2.4045,2.6008,2.7298,0.4655,0.4590,0.4280 30 | 117,3,0.05,110,1.5646,2.7458,2.7838,0.6827,0.4582,0.4419 31 | 484,3,0.28,280,0.9082,2.4788,2.5293,0.8290,0.5275,0.5072 32 | 137,3,0.05,168,1.5889,2.7081,2.9202,0.6773,0.4844,0.4264 33 | 23,2,0.0,276,2.0667,2.8305,2.9536,0.5640,0.4463,0.4040 34 | 115,1,0.31,178,1.1180,2.5080,2.5806,0.8121,0.5123,0.4703 35 | 56,1,0.13,82,1.5515,2.6459,2.8170,0.6888,0.4844,0.4264 36 | 50,1,0.22,250,1.4541,2.5017,2.6875,0.7212,0.5055,0.4543 37 | 108,3,0.32,257,1.1627,2.3506,2.4615,0.7878,0.5199,0.4992 38 | 143,2,0.47000000000000003,143,1.3955,2.2774,2.3395,0.7310,0.5495,0.5206 39 | 160,1,0.3,250,1.0659,2.4545,2.6221,0.8248,0.5165,0.4826 40 | 174,1,0.15,82,1.3958,2.5707,2.7143,0.7408,0.4954,0.4489 41 | 145,2,0.24,207,1.0354,2.4833,2.5628,0.8140,0.5131,0.4922 42 | 94,1,0.01,168,1.5287,2.6335,2.7785,0.7040,0.4928,0.4419 43 | 68,3,0.28,206,1.3332,2.4363,2.4909,0.7676,0.4920,0.4805 44 | 16,3,0.3,75,3.0089,3.0725,3.2445,0.3420,0.3483,0.2916 45 | 151,2,0.14,218,1.3605,2.5804,2.5989,0.7391,0.4835,0.4666 46 | 132,3,0.38,164,1.3925,2.3739,2.4419,0.7428,0.5190,0.4981 47 | 125,1,0.06,144,1.4355,2.6139,2.7676,0.7254,0.4691,0.4280 48 | 487,1,0.38,212,0.4802,2.4394,2.5930,0.9592,0.5258,0.4933 49 | 134,3,0.36,257,0.7994,2.2632,2.4297,0.8738,0.5427,0.5019 50 | 34,3,0.3,103,2.4771,2.7472,2.8560,0.4674,0.4396,0.4050 51 | 11,1,0.23,111,2.3730,2.7409,2.8512,0.5058,0.4396,0.4114 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/urdu/onehot/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,0.7693,1.0675,1.0827,0.8323,0.7689,0.7614 3 | 147,1,0.26,134,0.7322,1.1230,1.1376,0.8394,0.7663,0.7551 4 | 59,3,0.41000000000000003,172,1.3033,1.4860,1.5411,0.7170,0.6844,0.6811 5 | 190,2,0.13,160,0.6853,1.1410,1.1534,0.8522,0.7594,0.7556 6 | 484,3,0.06,100,0.7407,1.1987,1.2388,0.8396,0.7483,0.7349 7 | 97,1,0.5,242,0.7889,1.0792,1.0925,0.8270,0.7678,0.7608 8 | 18,3,0.3,174,2.0682,2.0594,2.0831,0.5502,0.5389,0.5379 9 | 261,3,0.14,153,0.7626,1.1302,1.1468,0.8334,0.7579,0.7515 10 | 257,1,0.19,108,0.7543,1.1643,1.1729,0.8378,0.7576,0.7489 11 | 45,1,0.5,210,0.7892,1.0729,1.1089,0.8301,0.7734,0.7573 12 | 60,3,0.34,163,1.1696,1.3459,1.3653,0.7495,0.7240,0.7154 13 | 72,3,0.38,276,1.0734,1.2704,1.3215,0.7764,0.7404,0.7273 14 | 183,3,0.28,242,0.8068,1.1299,1.1316,0.8251,0.7661,0.7586 15 | 333,2,0.11,292,0.6931,1.1756,1.1773,0.8486,0.7523,0.7533 16 | 497,3,0.45,153,0.9356,1.1269,1.1496,0.7976,0.7577,0.7501 17 | 302,2,0.45,257,0.8495,1.0881,1.1158,0.8132,0.7663,0.7603 18 | 263,1,0.02,89,0.7962,1.2490,1.2733,0.8292,0.7466,0.7335 19 | 118,3,0.47000000000000003,48,1.1947,1.3260,1.3492,0.7525,0.7232,0.7119 20 | 114,1,0.16,52,0.7293,1.1586,1.1739,0.8412,0.7610,0.7505 21 | 182,2,0.44,131,0.8150,1.0858,1.0958,0.8190,0.7696,0.7580 22 | 195,3,0.37,49,0.9442,1.1405,1.1763,0.7965,0.7515,0.7437 23 | 191,1,0.22,124,0.6707,1.1240,1.1297,0.8524,0.7671,0.7590 24 | 278,2,0.24,192,0.6656,1.0977,1.1244,0.8497,0.7681,0.7616 25 | 55,1,0.14,120,0.7627,1.1617,1.1637,0.8347,0.7576,0.7491 26 | 393,2,0.02,184,0.7878,1.2334,1.2359,0.8273,0.7403,0.7330 27 | 357,1,0.25,263,0.6840,1.1233,1.1730,0.8492,0.7598,0.7468 28 | 255,1,0.19,268,0.6279,1.1382,1.1788,0.8608,0.7619,0.7501 29 | 48,3,0.34,88,1.4553,1.5724,1.6146,0.6695,0.6521,0.6462 30 | 117,3,0.05,110,0.7897,1.1934,1.2239,0.8333,0.7529,0.7405 31 | 484,3,0.28,280,0.7609,1.0980,1.1294,0.8300,0.7647,0.7573 32 | 137,3,0.05,168,0.7550,1.2009,1.2125,0.8352,0.7571,0.7463 33 | 23,2,0.0,276,0.8319,1.2560,1.2769,0.8263,0.7506,0.7384 34 | 115,1,0.31,178,0.7237,1.1093,1.1225,0.8404,0.7674,0.7571 35 | 56,1,0.13,82,0.7411,1.1534,1.1895,0.8392,0.7614,0.7494 36 | 50,1,0.22,250,0.7075,1.1023,1.1406,0.8456,0.7681,0.7543 37 | 108,3,0.32,257,0.8731,1.1458,1.1803,0.8109,0.7620,0.7476 38 | 143,2,0.47000000000000003,143,0.8588,1.0895,1.1242,0.8104,0.7641,0.7533 39 | 160,1,0.3,250,0.6871,1.0981,1.1304,0.8495,0.7636,0.7593 40 | 174,1,0.15,82,0.7414,1.1583,1.1779,0.8380,0.7581,0.7481 41 | 145,2,0.24,207,0.6715,1.1112,1.1103,0.8495,0.7676,0.7641 42 | 94,1,0.01,168,0.7254,1.2375,1.2321,0.8444,0.7475,0.7434 43 | 68,3,0.28,206,0.9226,1.2090,1.2242,0.8111,0.7559,0.7468 44 | 16,3,0.3,75,1.9727,2.0527,2.0824,0.5577,0.5367,0.5377 45 | 151,2,0.14,218,0.6956,1.1284,1.1617,0.8488,0.7585,0.7531 46 | 132,3,0.38,164,0.9204,1.1518,1.1771,0.8052,0.7538,0.7444 47 | 125,1,0.06,144,0.7998,1.2040,1.2349,0.8262,0.7480,0.7358 48 | 487,1,0.38,212,0.7249,1.1176,1.1408,0.8410,0.7656,0.7562 49 | 134,3,0.36,257,0.8927,1.1390,1.1622,0.8109,0.7604,0.7504 50 | 34,3,0.3,103,1.3659,1.5587,1.6001,0.6994,0.6730,0.6651 51 | 11,1,0.23,111,0.8837,1.1988,1.2297,0.8229,0.7561,0.7489 52 | -------------------------------------------------------------------------------- /checkpoints/dep_label/urdu/random/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,1.7145,1.6897,1.7289,0.6445,0.6466,0.6336 3 | 147,1,0.26,134,1.3033,1.4058,1.4431,0.7282,0.7064,0.6902 4 | 59,3,0.41000000000000003,172,2.1818,2.1163,2.1594,0.5229,0.5317,0.5246 5 | 190,2,0.13,160,0.9308,1.2550,1.3023,0.7975,0.7331,0.7153 6 | 484,3,0.06,100,0.8114,1.2815,1.3351,0.8229,0.7320,0.7179 7 | 97,1,0.5,242,1.7161,1.6992,1.7470,0.6468,0.6496,0.6337 8 | 18,3,0.3,174,2.6271,2.5774,2.5803,0.4435,0.4369,0.4457 9 | 261,3,0.14,153,1.0229,1.2411,1.2879,0.7811,0.7269,0.7163 10 | 257,1,0.19,108,1.0309,1.3099,1.3384,0.7837,0.7254,0.7135 11 | 45,1,0.5,210,1.9518,1.9029,1.9503,0.5815,0.5851,0.5737 12 | 60,3,0.34,163,1.9746,1.9087,1.9595,0.5710,0.5782,0.5692 13 | 72,3,0.38,276,1.8216,1.7584,1.8167,0.6056,0.6132,0.5989 14 | 183,3,0.28,242,1.2028,1.2991,1.3439,0.7429,0.7203,0.7060 15 | 333,2,0.11,292,0.8147,1.2419,1.2946,0.8218,0.7351,0.7248 16 | 497,3,0.45,153,1.5046,1.4777,1.5422,0.6705,0.6766,0.6568 17 | 302,2,0.45,257,1.3591,1.3907,1.4455,0.7094,0.7029,0.6806 18 | 263,1,0.02,89,1.0889,1.4136,1.4748,0.7689,0.7059,0.6922 19 | 118,3,0.47000000000000003,48,2.3515,2.3082,2.3140,0.4902,0.4785,0.4900 20 | 114,1,0.16,52,1.5265,1.5601,1.6241,0.6787,0.6648,0.6557 21 | 182,2,0.44,131,1.6563,1.6128,1.6648,0.6421,0.6487,0.6285 22 | 195,3,0.37,49,1.8252,1.7652,1.8187,0.6029,0.6083,0.5938 23 | 191,1,0.22,124,1.1170,1.3141,1.3614,0.7648,0.7216,0.7060 24 | 278,2,0.24,192,0.9901,1.2132,1.2511,0.7849,0.7372,0.7276 25 | 55,1,0.14,120,1.4827,1.5327,1.5752,0.6881,0.6760,0.6634 26 | 393,2,0.02,184,0.7797,1.3023,1.3259,0.8341,0.7268,0.7173 27 | 357,1,0.25,263,0.9047,1.2379,1.2855,0.8089,0.7381,0.7292 28 | 255,1,0.19,268,0.9229,1.2540,1.3144,0.8033,0.7378,0.7192 29 | 48,3,0.34,88,2.3253,2.2804,2.3081,0.5011,0.4928,0.4970 30 | 117,3,0.05,110,1.1173,1.3423,1.4038,0.7617,0.7177,0.6963 31 | 484,3,0.28,280,0.9970,1.2025,1.2551,0.7820,0.7375,0.7252 32 | 137,3,0.05,168,0.9518,1.3134,1.3557,0.7948,0.7239,0.7106 33 | 23,2,0.0,276,1.3636,1.5541,1.6321,0.7185,0.6859,0.6626 34 | 115,1,0.31,178,1.3231,1.4111,1.4409,0.7239,0.7051,0.6936 35 | 56,1,0.13,82,1.5539,1.5643,1.6474,0.6706,0.6663,0.6440 36 | 50,1,0.22,250,1.4224,1.4775,1.5421,0.7009,0.6909,0.6679 37 | 108,3,0.32,257,1.4360,1.4418,1.4993,0.6981,0.6936,0.6720 38 | 143,2,0.47000000000000003,143,1.7831,1.7289,1.7818,0.6036,0.6131,0.5997 39 | 160,1,0.3,250,1.0982,1.2770,1.3162,0.7728,0.7290,0.7217 40 | 174,1,0.15,82,1.1841,1.3692,1.4167,0.7492,0.7093,0.6969 41 | 145,2,0.24,207,1.1700,1.2921,1.3431,0.7477,0.7208,0.7029 42 | 94,1,0.01,168,1.1543,1.4464,1.4963,0.7558,0.7005,0.6828 43 | 68,3,0.28,206,1.6433,1.6061,1.6612,0.6412,0.6478,0.6271 44 | 16,3,0.3,75,2.8121,2.7942,2.7738,0.4122,0.4037,0.4141 45 | 151,2,0.14,218,0.8767,1.2128,1.2662,0.8068,0.7398,0.7245 46 | 132,3,0.38,164,1.7087,1.6447,1.7159,0.6261,0.6365,0.6138 47 | 125,1,0.06,144,1.0891,1.3921,1.4365,0.7666,0.7089,0.6915 48 | 487,1,0.38,212,1.0704,1.2867,1.3179,0.7797,0.7325,0.7170 49 | 134,3,0.36,257,1.5550,1.5218,1.5816,0.6656,0.6711,0.6484 50 | 34,3,0.3,103,2.4884,2.4415,2.4541,0.4709,0.4633,0.4722 51 | 11,1,0.23,111,2.2551,2.1940,2.2218,0.5187,0.5232,0.5217 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/basque/onehot/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,0.3088,0.7834,0.8039,0.9324,0.8225,0.8155 3 | 147,1,0.26,134,0.3245,0.8536,0.8813,0.9269,0.8211,0.8120 4 | 59,3,0.41000000000000003,172,0.7010,1.1675,1.1862,0.8316,0.7355,0.7298 5 | 190,2,0.13,160,0.4515,0.8532,0.8552,0.8993,0.8088,0.8080 6 | 484,3,0.06,100,0.3831,0.8492,0.8729,0.9131,0.8131,0.8089 7 | 97,1,0.5,242,0.2566,0.7620,0.7993,0.9433,0.8243,0.8164 8 | 18,3,0.3,174,1.0510,1.4289,1.6047,0.7258,0.6866,0.6882 9 | 261,3,0.14,153,0.3916,0.8310,0.8445,0.9079,0.8134,0.8100 10 | 257,1,0.19,108,0.3657,0.8536,0.8727,0.9176,0.8165,0.8118 11 | 45,1,0.5,210,0.3130,0.7871,0.8145,0.9312,0.8201,0.8111 12 | 60,3,0.34,163,0.6706,1.0966,1.1245,0.8401,0.7468,0.7383 13 | 72,3,0.38,276,0.6171,1.0596,1.0915,0.8554,0.7578,0.7481 14 | 183,3,0.28,242,0.3697,0.8677,0.8939,0.9154,0.8081,0.7984 15 | 333,2,0.11,292,0.3380,0.8348,0.8287,0.9220,0.8242,0.8222 16 | 497,3,0.45,153,0.4350,0.8345,0.8671,0.9019,0.7981,0.7900 17 | 302,2,0.45,257,0.3863,0.8035,0.8338,0.9160,0.8138,0.8070 18 | 263,1,0.02,89,0.3599,0.8909,0.9038,0.9195,0.8163,0.8150 19 | 118,3,0.47000000000000003,48,0.6942,1.1053,1.1219,0.8560,0.7592,0.7513 20 | 114,1,0.16,52,0.3105,0.8963,0.9228,0.9291,0.8164,0.8125 21 | 182,2,0.44,131,0.3880,0.8458,0.8649,0.9137,0.8017,0.7934 22 | 195,3,0.37,49,0.4716,0.9380,0.9790,0.8920,0.7883,0.7793 23 | 191,1,0.22,124,0.3842,0.8593,0.8745,0.9131,0.8160,0.8125 24 | 278,2,0.24,192,0.2816,0.8219,0.8467,0.9358,0.8223,0.8156 25 | 55,1,0.14,120,0.3733,0.8905,0.9143,0.9148,0.8134,0.8052 26 | 393,2,0.02,184,0.3911,0.8782,0.8854,0.9105,0.8181,0.8124 27 | 357,1,0.25,263,0.3394,0.8333,0.8617,0.9226,0.8245,0.8178 28 | 255,1,0.19,268,0.3324,0.8500,0.8580,0.9260,0.8196,0.8174 29 | 48,3,0.34,88,0.7022,1.1332,1.1646,0.8360,0.7450,0.7380 30 | 117,3,0.05,110,0.4296,0.8826,0.8941,0.9009,0.8115,0.8050 31 | 484,3,0.28,280,0.3158,0.8002,0.8223,0.9243,0.8185,0.8131 32 | 137,3,0.05,168,0.3886,0.8693,0.8883,0.9109,0.8138,0.8100 33 | 23,2,0.0,276,0.4966,0.9655,0.9743,0.8941,0.8023,0.7986 34 | 115,1,0.31,178,0.3187,0.8386,0.8617,0.9274,0.8200,0.8129 35 | 56,1,0.13,82,0.3937,0.9078,0.9291,0.9114,0.8128,0.8071 36 | 50,1,0.22,250,0.3427,0.8774,0.9107,0.9207,0.8155,0.8094 37 | 108,3,0.32,257,0.4822,0.9505,0.9902,0.8995,0.7953,0.7850 38 | 143,2,0.47000000000000003,143,0.4053,0.8419,0.8669,0.9118,0.8053,0.7967 39 | 160,1,0.3,250,0.3183,0.8422,0.8697,0.9282,0.8220,0.8153 40 | 174,1,0.15,82,0.4122,0.8856,0.8965,0.9067,0.8124,0.8075 41 | 145,2,0.24,207,0.3520,0.8309,0.8571,0.9201,0.8147,0.8095 42 | 94,1,0.01,168,0.3786,0.9038,0.9137,0.9152,0.8152,0.8091 43 | 68,3,0.28,206,0.5155,1.0148,1.0328,0.8928,0.7853,0.7792 44 | 16,3,0.3,75,1.2029,1.4986,1.5211,0.6659,0.6542,0.6542 45 | 151,2,0.14,218,0.4110,0.8394,0.8508,0.9066,0.8141,0.8111 46 | 132,3,0.38,164,0.4914,0.9703,0.9963,0.9022,0.7912,0.7834 47 | 125,1,0.06,144,0.3694,0.8727,0.9081,0.9176,0.8158,0.8058 48 | 487,1,0.38,212,0.3223,0.8137,0.8317,0.9298,0.8227,0.8198 49 | 134,3,0.36,257,0.4774,0.9380,0.9773,0.9013,0.7947,0.7829 50 | 34,3,0.3,103,0.8913,1.3199,1.3518,0.8030,0.7161,0.7075 51 | 11,1,0.23,111,0.5002,0.9862,0.9907,0.8946,0.7939,0.7924 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/basque/random/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,1.4531,1.4861,1.4939,0.6580,0.6550,0.6564 3 | 147,1,0.26,134,0.9999,1.1225,1.1320,0.7659,0.7443,0.7452 4 | 59,3,0.41000000000000003,172,1.8103,1.8261,1.8416,0.5836,0.5848,0.5802 5 | 190,2,0.13,160,0.6692,0.9146,0.9283,0.8402,0.7917,0.7918 6 | 484,3,0.06,100,0.4271,0.8543,0.8686,0.9013,0.8154,0.8120 7 | 97,1,0.5,242,1.4178,1.4541,1.4620,0.6656,0.6622,0.6610 8 | 18,3,0.3,174,2.0325,2.0436,2.0524,0.5344,0.5329,0.5326 9 | 261,3,0.14,153,0.6209,0.8772,0.8801,0.8537,0.8003,0.7990 10 | 257,1,0.19,108,0.8241,1.0250,1.0335,0.8116,0.7716,0.7712 11 | 45,1,0.5,210,1.6693,1.6899,1.7032,0.6042,0.6038,0.6012 12 | 60,3,0.34,163,1.5686,1.5983,1.6098,0.6479,0.6457,0.6439 13 | 72,3,0.38,276,1.4956,1.5263,1.5394,0.6544,0.6508,0.6489 14 | 183,3,0.28,242,0.9096,1.0283,1.0401,0.7765,0.7552,0.7570 15 | 333,2,0.11,292,0.3559,0.8392,0.8485,0.9152,0.8254,0.8222 16 | 497,3,0.45,153,1.2450,1.2940,1.3164,0.7078,0.6995,0.7004 17 | 302,2,0.45,257,1.1330,1.2003,1.2206,0.7314,0.7201,0.7219 18 | 263,1,0.02,89,0.7500,1.0734,1.0905,0.8281,0.7686,0.7654 19 | 118,3,0.47000000000000003,48,1.8838,1.9005,1.9076,0.5662,0.5638,0.5655 20 | 114,1,0.16,52,1.2868,1.3743,1.3757,0.7025,0.6859,0.6890 21 | 182,2,0.44,131,1.4030,1.4375,1.4525,0.6683,0.6623,0.6627 22 | 195,3,0.37,49,1.4932,1.5214,1.5341,0.6568,0.6531,0.6526 23 | 191,1,0.22,124,0.9124,1.0809,1.0870,0.7884,0.7562,0.7576 24 | 278,2,0.24,192,0.6951,0.9126,0.9196,0.8354,0.7917,0.7939 25 | 55,1,0.14,120,1.2200,1.3083,1.3123,0.7165,0.7039,0.7031 26 | 393,2,0.02,184,0.4874,0.8992,0.9154,0.8904,0.8085,0.8064 27 | 357,1,0.25,263,0.4994,0.8444,0.8553,0.8930,0.8170,0.8132 28 | 255,1,0.19,268,0.5513,0.8769,0.8922,0.8736,0.8076,0.8037 29 | 48,3,0.34,88,1.8732,1.8904,1.9035,0.5682,0.5673,0.5663 30 | 117,3,0.05,110,0.7685,1.0018,1.0120,0.8225,0.7774,0.7762 31 | 484,3,0.28,280,0.5350,0.8072,0.8305,0.8743,0.8153,0.8159 32 | 137,3,0.05,168,0.6167,0.9227,0.9383,0.8577,0.7924,0.7927 33 | 23,2,0.0,276,1.1221,1.3065,1.3153,0.7415,0.7152,0.7125 34 | 115,1,0.31,178,1.1143,1.2043,1.2148,0.7396,0.7241,0.7267 35 | 56,1,0.13,82,1.3124,1.3948,1.4049,0.6932,0.6808,0.6797 36 | 50,1,0.22,250,1.1007,1.2090,1.2142,0.7415,0.7248,0.7214 37 | 108,3,0.32,257,1.2206,1.2838,1.2894,0.7117,0.7009,0.7022 38 | 143,2,0.47000000000000003,143,1.4414,1.4708,1.4807,0.6620,0.6571,0.6583 39 | 160,1,0.3,250,0.8465,1.0178,1.0247,0.8036,0.7695,0.7702 40 | 174,1,0.15,82,1.0058,1.1549,1.1687,0.7637,0.7353,0.7351 41 | 145,2,0.24,207,0.8866,1.0235,1.0384,0.7866,0.7617,0.7607 42 | 94,1,0.01,168,0.8179,1.1134,1.1175,0.8100,0.7603,0.7585 43 | 68,3,0.28,206,1.3781,1.4237,1.4346,0.6779,0.6712,0.6710 44 | 16,3,0.3,75,2.2069,2.2169,2.2231,0.5050,0.5048,0.5049 45 | 151,2,0.14,218,0.6394,0.9066,0.9052,0.8495,0.7937,0.7978 46 | 132,3,0.38,164,1.3794,1.4222,1.4271,0.6805,0.6741,0.6736 47 | 125,1,0.06,144,0.7573,1.0464,1.0575,0.8226,0.7696,0.7723 48 | 487,1,0.38,212,0.7773,0.9700,0.9767,0.8364,0.7925,0.7924 49 | 134,3,0.36,257,1.2609,1.3197,1.3275,0.7035,0.6923,0.6961 50 | 34,3,0.3,103,1.8618,1.8751,1.8849,0.5684,0.5686,0.5664 51 | 11,1,0.23,111,1.8593,1.8825,1.8889,0.5727,0.5713,0.5703 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/czech/onehot/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,0.2305,0.3405,0.3690,0.9510,0.9168,0.9110 3 | 147,1,0.26,134,0.2403,0.3567,0.3744,0.9470,0.9107,0.9075 4 | 59,3,0.41000000000000003,172,0.5625,0.6773,0.7067,0.8907,0.8686,0.8648 5 | 190,2,0.13,160,0.2735,0.3753,0.3928,0.9370,0.9050,0.9031 6 | 484,3,0.06,100,0.2698,0.3785,0.3995,0.9365,0.9057,0.9032 7 | 97,1,0.5,242,0.3004,0.3864,0.4080,0.9343,0.9048,0.9012 8 | 18,3,0.3,174,1.1117,1.2203,1.2568,0.7548,0.7348,0.7289 9 | 261,3,0.14,153,0.2918,0.3888,0.4135,0.9313,0.9013,0.8966 10 | 257,1,0.19,108,0.2345,0.3542,0.3757,0.9495,0.9143,0.9108 11 | 45,1,0.5,210,0.2564,0.3579,0.3844,0.9458,0.9130,0.9079 12 | 60,3,0.34,163,0.4304,0.5431,0.5703,0.9159,0.8868,0.8818 13 | 72,3,0.38,276,0.3188,0.4522,0.4819,0.9368,0.9053,0.8999 14 | 183,3,0.28,242,0.2522,0.3694,0.3923,0.9456,0.9096,0.9061 15 | 333,2,0.11,292,0.2376,0.3544,0.3715,0.9449,0.9124,0.9079 16 | 497,3,0.45,153,0.4652,0.5289,0.5551,0.8928,0.8716,0.8663 17 | 302,2,0.45,257,0.3284,0.4182,0.4373,0.9242,0.8970,0.8932 18 | 263,1,0.02,89,0.2634,0.3928,0.4156,0.9407,0.9079,0.9057 19 | 118,3,0.47000000000000003,48,0.5665,0.6373,0.6608,0.8776,0.8571,0.8527 20 | 114,1,0.16,52,0.2413,0.3651,0.3839,0.9473,0.9126,0.9084 21 | 182,2,0.44,131,0.2692,0.3701,0.3986,0.9433,0.9097,0.9047 22 | 195,3,0.37,49,0.4008,0.4803,0.5048,0.9100,0.8836,0.8795 23 | 191,1,0.22,124,0.2226,0.3501,0.3730,0.9513,0.9157,0.9116 24 | 278,2,0.24,192,0.2570,0.3677,0.3885,0.9404,0.9084,0.9055 25 | 55,1,0.14,120,0.2116,0.3458,0.3742,0.9545,0.9175,0.9134 26 | 393,2,0.02,184,0.2469,0.3682,0.3814,0.9413,0.9093,0.9077 27 | 357,1,0.25,263,0.2378,0.3509,0.3737,0.9483,0.9131,0.9096 28 | 255,1,0.19,268,0.2096,0.3404,0.3576,0.9539,0.9177,0.9143 29 | 48,3,0.34,88,0.5371,0.6330,0.6565,0.8937,0.8741,0.8691 30 | 117,3,0.05,110,0.2531,0.3693,0.3898,0.9423,0.9085,0.9047 31 | 484,3,0.28,280,0.3095,0.3962,0.4219,0.9284,0.8986,0.8957 32 | 137,3,0.05,168,0.2721,0.3785,0.3960,0.9368,0.9055,0.9031 33 | 23,2,0.0,276,0.1858,0.3582,0.3877,0.9616,0.9217,0.9167 34 | 115,1,0.31,178,0.2112,0.3324,0.3527,0.9549,0.9167,0.9132 35 | 56,1,0.13,82,0.2001,0.3451,0.3695,0.9572,0.9201,0.9155 36 | 50,1,0.22,250,0.2296,0.3480,0.3696,0.9497,0.9153,0.9110 37 | 108,3,0.32,257,0.2768,0.3919,0.4153,0.9424,0.9083,0.9040 38 | 143,2,0.47000000000000003,143,0.2790,0.3818,0.4096,0.9376,0.9066,0.9021 39 | 160,1,0.3,250,0.2165,0.3342,0.3586,0.9530,0.9171,0.9125 40 | 174,1,0.15,82,0.2366,0.3610,0.3782,0.9487,0.9138,0.9118 41 | 145,2,0.24,207,0.2404,0.3523,0.3766,0.9443,0.9110,0.9070 42 | 94,1,0.01,168,0.2186,0.3631,0.3850,0.9522,0.9159,0.9124 43 | 68,3,0.28,206,0.2872,0.4075,0.4401,0.9375,0.9045,0.8998 44 | 16,3,0.3,75,1.2697,1.3470,1.3966,0.7296,0.7191,0.7123 45 | 151,2,0.14,218,0.2484,0.3639,0.3835,0.9411,0.9091,0.9054 46 | 132,3,0.38,164,0.2956,0.4141,0.4340,0.9367,0.9041,0.9006 47 | 125,1,0.06,144,0.2628,0.3813,0.4025,0.9412,0.9097,0.9065 48 | 487,1,0.38,212,0.3071,0.3983,0.4201,0.9311,0.9019,0.8974 49 | 134,3,0.36,257,0.2888,0.3991,0.4228,0.9391,0.9068,0.9017 50 | 34,3,0.3,103,0.5123,0.6427,0.6723,0.9057,0.8787,0.8729 51 | 11,1,0.23,111,0.2526,0.3838,0.4307,0.9487,0.9123,0.9082 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/czech/random/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,1.4920,1.4986,1.5026,0.6364,0.6347,0.6379 3 | 147,1,0.26,134,1.1302,1.1325,1.1456,0.7218,0.7220,0.7225 4 | 59,3,0.41000000000000003,172,1.8539,1.8623,1.8711,0.5768,0.5747,0.5767 5 | 190,2,0.13,160,0.8254,0.8431,0.8556,0.7927,0.7874,0.7894 6 | 484,3,0.06,100,0.5155,0.5652,0.5874,0.8730,0.8593,0.8575 7 | 97,1,0.5,242,1.4746,1.4777,1.4834,0.6400,0.6383,0.6415 8 | 18,3,0.3,174,2.1724,2.1842,2.1933,0.5033,0.4996,0.5017 9 | 261,3,0.14,153,0.7511,0.7702,0.7857,0.8055,0.7998,0.8018 10 | 257,1,0.19,108,0.9591,0.9715,0.9869,0.7671,0.7648,0.7646 11 | 45,1,0.5,210,1.7119,1.7179,1.7217,0.5879,0.5854,0.5878 12 | 60,3,0.34,163,1.6501,1.6532,1.6647,0.6074,0.6066,0.6078 13 | 72,3,0.38,276,1.5495,1.5532,1.5626,0.6307,0.6300,0.6327 14 | 183,3,0.28,242,1.0577,1.0633,1.0787,0.7238,0.7219,0.7252 15 | 333,2,0.11,292,0.5834,0.6186,0.6370,0.8564,0.8459,0.8446 16 | 497,3,0.45,153,1.2863,1.2902,1.3040,0.6806,0.6790,0.6820 17 | 302,2,0.45,257,1.2109,1.2120,1.2211,0.6974,0.6960,0.6989 18 | 263,1,0.02,89,0.8688,0.8949,0.9122,0.7956,0.7899,0.7902 19 | 118,3,0.47000000000000003,48,1.9147,1.9211,1.9269,0.5677,0.5656,0.5685 20 | 114,1,0.16,52,1.3331,1.3346,1.3451,0.6731,0.6729,0.6751 21 | 182,2,0.44,131,1.4116,1.4153,1.4218,0.6558,0.6540,0.6565 22 | 195,3,0.37,49,1.5567,1.5608,1.5661,0.6287,0.6272,0.6302 23 | 191,1,0.22,124,1.0421,1.0481,1.0590,0.7422,0.7416,0.7412 24 | 278,2,0.24,192,0.8775,0.8864,0.9022,0.7739,0.7710,0.7730 25 | 55,1,0.14,120,1.2683,1.2749,1.2847,0.6840,0.6833,0.6851 26 | 393,2,0.02,184,0.4765,0.5520,0.5660,0.8885,0.8707,0.8693 27 | 357,1,0.25,263,0.7373,0.7620,0.7761,0.8284,0.8211,0.8213 28 | 255,1,0.19,268,0.7696,0.7948,0.8078,0.8190,0.8114,0.8128 29 | 48,3,0.34,88,1.8982,1.9060,1.9123,0.5670,0.5645,0.5675 30 | 117,3,0.05,110,0.8885,0.9006,0.9184,0.7750,0.7718,0.7713 31 | 484,3,0.28,280,0.8610,0.8680,0.8865,0.7768,0.7737,0.7760 32 | 137,3,0.05,168,0.7670,0.7901,0.8075,0.8054,0.7989,0.7997 33 | 23,2,0.0,276,1.1465,1.1636,1.1783,0.7244,0.7219,0.7234 34 | 115,1,0.31,178,1.2088,1.2130,1.2222,0.6984,0.6980,0.6998 35 | 56,1,0.13,82,1.3512,1.3568,1.3687,0.6674,0.6650,0.6678 36 | 50,1,0.22,250,1.2149,1.2190,1.2259,0.6943,0.6938,0.6965 37 | 108,3,0.32,257,1.2957,1.2990,1.3087,0.6723,0.6722,0.6744 38 | 143,2,0.47000000000000003,143,1.4995,1.5041,1.5097,0.6377,0.6363,0.6394 39 | 160,1,0.3,250,1.0215,1.0309,1.0375,0.7475,0.7454,0.7468 40 | 174,1,0.15,82,1.0890,1.0930,1.1062,0.7311,0.7296,0.7303 41 | 145,2,0.24,207,1.0488,1.0547,1.0608,0.7326,0.7307,0.7326 42 | 94,1,0.01,168,0.9240,0.9523,0.9584,0.7806,0.7752,0.7754 43 | 68,3,0.28,206,1.3856,1.3897,1.3955,0.6609,0.6599,0.6629 44 | 16,3,0.3,75,2.3577,2.3704,2.3744,0.4975,0.4933,0.4957 45 | 151,2,0.14,218,0.8267,0.8427,0.8553,0.7925,0.7887,0.7897 46 | 132,3,0.38,164,1.4139,1.4152,1.4248,0.6563,0.6559,0.6579 47 | 125,1,0.06,144,0.9729,0.9831,1.0012,0.7643,0.7618,0.7608 48 | 487,1,0.38,212,0.9855,0.9943,1.0045,0.7669,0.7649,0.7656 49 | 134,3,0.36,257,1.3273,1.3274,1.3405,0.6650,0.6654,0.6671 50 | 34,3,0.3,103,1.9487,1.9583,1.9688,0.5535,0.5512,0.5527 51 | 11,1,0.23,111,1.9185,1.9280,1.9330,0.5620,0.5597,0.5627 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/english/onehot/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,0.4037,0.6383,0.6387,0.9026,0.8466,0.8490 3 | 147,1,0.26,134,0.3844,0.6585,0.6537,0.9039,0.8464,0.8449 4 | 59,3,0.41000000000000003,172,0.7256,0.9136,0.9194,0.8513,0.8107,0.8081 5 | 190,2,0.13,160,0.3813,0.6658,0.6587,0.9051,0.8459,0.8450 6 | 484,3,0.06,100,0.4142,0.6731,0.6688,0.8969,0.8423,0.8441 7 | 97,1,0.5,242,0.3990,0.6357,0.6437,0.9054,0.8472,0.8482 8 | 18,3,0.3,174,1.1471,1.2825,1.2984,0.8277,0.7846,0.7787 9 | 261,3,0.14,153,0.4171,0.6618,0.6641,0.8967,0.8414,0.8409 10 | 257,1,0.19,108,0.3868,0.6753,0.6755,0.9026,0.8417,0.8453 11 | 45,1,0.5,210,0.4228,0.6462,0.6511,0.9002,0.8471,0.8451 12 | 60,3,0.34,163,0.6251,0.8533,0.8899,0.8627,0.8168,0.8153 13 | 72,3,0.38,276,0.6096,0.8331,0.8586,0.8689,0.8272,0.8249 14 | 183,3,0.28,242,0.4504,0.6469,0.6664,0.8917,0.8437,0.8422 15 | 333,2,0.11,292,0.4184,0.6611,0.6749,0.8965,0.8420,0.8418 16 | 497,3,0.45,153,0.5080,0.6893,0.7038,0.8785,0.8347,0.8330 17 | 302,2,0.45,257,0.4419,0.6562,0.6651,0.8958,0.8486,0.8467 18 | 263,1,0.02,89,0.4205,0.6980,0.7118,0.8950,0.8404,0.8406 19 | 118,3,0.47000000000000003,48,0.6860,0.8377,0.8740,0.8528,0.8152,0.8102 20 | 114,1,0.16,52,0.4049,0.6838,0.6913,0.9003,0.8421,0.8429 21 | 182,2,0.44,131,0.4607,0.6655,0.6732,0.8907,0.8434,0.8399 22 | 195,3,0.37,49,0.4725,0.6973,0.7143,0.8889,0.8398,0.8376 23 | 191,1,0.22,124,0.3877,0.6669,0.6712,0.9030,0.8450,0.8443 24 | 278,2,0.24,192,0.4093,0.6600,0.6657,0.8991,0.8448,0.8426 25 | 55,1,0.14,120,0.4101,0.6812,0.6815,0.8976,0.8433,0.8433 26 | 393,2,0.02,184,0.4340,0.6860,0.6911,0.8946,0.8396,0.8384 27 | 357,1,0.25,263,0.3957,0.6724,0.6607,0.9012,0.8420,0.8453 28 | 255,1,0.19,268,0.4136,0.6677,0.6706,0.8986,0.8432,0.8449 29 | 48,3,0.34,88,0.6271,0.8448,0.9068,0.8783,0.8228,0.8201 30 | 117,3,0.05,110,0.3953,0.6788,0.6716,0.9018,0.8414,0.8420 31 | 484,3,0.28,280,0.4530,0.6571,0.6626,0.8902,0.8394,0.8390 32 | 137,3,0.05,168,0.4423,0.6724,0.6865,0.8920,0.8409,0.8363 33 | 23,2,0.0,276,0.4826,0.7494,0.7497,0.8885,0.8349,0.8344 34 | 115,1,0.31,178,0.4833,0.6877,0.6936,0.8848,0.8357,0.8344 35 | 56,1,0.13,82,0.4054,0.6951,0.6829,0.8990,0.8410,0.8421 36 | 50,1,0.22,250,0.3931,0.6612,0.6650,0.9030,0.8458,0.8461 37 | 108,3,0.32,257,0.4729,0.7039,0.7187,0.8921,0.8379,0.8404 38 | 143,2,0.47000000000000003,143,0.4633,0.6692,0.6811,0.8905,0.8422,0.8455 39 | 160,1,0.3,250,0.3957,0.6625,0.6614,0.9009,0.8460,0.8434 40 | 174,1,0.15,82,0.3978,0.6874,0.6834,0.9012,0.8442,0.8439 41 | 145,2,0.24,207,0.3993,0.6527,0.6610,0.9011,0.8470,0.8471 42 | 94,1,0.01,168,0.3815,0.6838,0.6787,0.9028,0.8435,0.8462 43 | 68,3,0.28,206,0.5281,0.7542,0.7655,0.8805,0.8368,0.8398 44 | 16,3,0.3,75,1.3392,1.4623,1.4440,0.7069,0.6709,0.6737 45 | 151,2,0.14,218,0.4062,0.6509,0.6560,0.9002,0.8458,0.8425 46 | 132,3,0.38,164,0.4859,0.7016,0.7225,0.8894,0.8389,0.8374 47 | 125,1,0.06,144,0.4209,0.6904,0.6810,0.8969,0.8420,0.8413 48 | 487,1,0.38,212,0.3687,0.6576,0.6597,0.9089,0.8474,0.8473 49 | 134,3,0.36,257,0.4656,0.6876,0.6958,0.8896,0.8436,0.8445 50 | 34,3,0.3,103,0.8080,0.9846,0.9981,0.8463,0.8070,0.8045 51 | 11,1,0.23,111,0.4850,0.7492,0.7575,0.8895,0.8327,0.8330 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/english/random/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,1.2542,1.2913,1.3107,0.6927,0.6825,0.6771 3 | 147,1,0.26,134,0.8929,0.9845,0.9886,0.7963,0.7701,0.7706 4 | 59,3,0.41000000000000003,172,1.5972,1.6211,1.6578,0.6219,0.6112,0.6043 5 | 190,2,0.13,160,0.6127,0.7680,0.7720,0.8517,0.8144,0.8138 6 | 484,3,0.06,100,0.5082,0.7178,0.7206,0.8730,0.8295,0.8313 7 | 97,1,0.5,242,1.2338,1.2796,1.3002,0.7052,0.6945,0.6889 8 | 18,3,0.3,174,2.1523,2.1695,2.1982,0.5362,0.5249,0.5209 9 | 261,3,0.14,153,0.5786,0.7263,0.7315,0.8559,0.8213,0.8225 10 | 257,1,0.19,108,0.7351,0.8642,0.8702,0.8294,0.7991,0.7963 11 | 45,1,0.5,210,1.5006,1.5310,1.5612,0.6444,0.6336,0.6261 12 | 60,3,0.34,163,1.4861,1.5105,1.5413,0.6375,0.6275,0.6212 13 | 72,3,0.38,276,1.3452,1.3739,1.3996,0.6787,0.6661,0.6632 14 | 183,3,0.28,242,0.7867,0.8666,0.8878,0.8076,0.7839,0.7820 15 | 333,2,0.11,292,0.5055,0.7103,0.7161,0.8756,0.8318,0.8293 16 | 497,3,0.45,153,1.0051,1.0463,1.0758,0.7503,0.7373,0.7333 17 | 302,2,0.45,257,0.9270,0.9865,0.9997,0.7709,0.7521,0.7525 18 | 263,1,0.02,89,0.6740,0.8458,0.8675,0.8404,0.8067,0.8052 19 | 118,3,0.47000000000000003,48,1.8025,1.8293,1.8617,0.5880,0.5751,0.5699 20 | 114,1,0.16,52,1.1053,1.1727,1.1817,0.7332,0.7190,0.7177 21 | 182,2,0.44,131,1.1370,1.1744,1.1986,0.7206,0.7099,0.7047 22 | 195,3,0.37,49,1.3199,1.3437,1.3776,0.6792,0.6689,0.6628 23 | 191,1,0.22,124,0.7852,0.8968,0.9047,0.8181,0.7890,0.7880 24 | 278,2,0.24,192,0.6330,0.7624,0.7627,0.8460,0.8134,0.8144 25 | 55,1,0.14,120,1.0095,1.0818,1.1020,0.7573,0.7388,0.7327 26 | 393,2,0.02,184,0.4118,0.7243,0.7263,0.8977,0.8433,0.8411 27 | 357,1,0.25,263,0.5435,0.7286,0.7211,0.8733,0.8306,0.8314 28 | 255,1,0.19,268,0.5331,0.7262,0.7351,0.8737,0.8309,0.8294 29 | 48,3,0.34,88,1.7239,1.7470,1.7849,0.6075,0.5976,0.5900 30 | 117,3,0.05,110,0.7430,0.8708,0.8612,0.8221,0.7909,0.7936 31 | 484,3,0.28,280,0.5842,0.7201,0.7235,0.8607,0.8244,0.8257 32 | 137,3,0.05,168,0.6222,0.7904,0.7973,0.8515,0.8134,0.8125 33 | 23,2,0.0,276,0.9430,1.0623,1.0803,0.7807,0.7588,0.7555 34 | 115,1,0.31,178,0.9361,1.0084,1.0251,0.7838,0.7608,0.7583 35 | 56,1,0.13,82,1.0950,1.1628,1.1695,0.7358,0.7184,0.7156 36 | 50,1,0.22,250,0.9402,1.0220,1.0321,0.7790,0.7591,0.7533 37 | 108,3,0.32,257,1.0009,1.0336,1.0593,0.7537,0.7414,0.7344 38 | 143,2,0.47000000000000003,143,1.2572,1.2906,1.3217,0.6904,0.6787,0.6738 39 | 160,1,0.3,250,0.7612,0.8698,0.8794,0.8270,0.7978,0.7964 40 | 174,1,0.15,82,0.8287,0.9389,0.9401,0.8018,0.7757,0.7750 41 | 145,2,0.24,207,0.7679,0.8602,0.8722,0.8143,0.7871,0.7864 42 | 94,1,0.01,168,0.7088,0.8830,0.8990,0.8353,0.8020,0.7993 43 | 68,3,0.28,206,1.2114,1.2383,1.2639,0.7015,0.6870,0.6834 44 | 16,3,0.3,75,2.4994,2.5040,2.5313,0.4800,0.4753,0.4710 45 | 151,2,0.14,218,0.6625,0.7906,0.8025,0.8410,0.8110,0.8087 46 | 132,3,0.38,164,1.2059,1.2272,1.2495,0.7053,0.6949,0.6916 47 | 125,1,0.06,144,0.6817,0.8408,0.8352,0.8371,0.8045,0.8094 48 | 487,1,0.38,212,0.7239,0.8404,0.8429,0.8355,0.8062,0.8044 49 | 134,3,0.36,257,1.0663,1.0949,1.1195,0.7374,0.7266,0.7219 50 | 34,3,0.3,103,1.7742,1.7913,1.8292,0.6082,0.5994,0.5916 51 | 11,1,0.23,111,1.7982,1.8243,1.8637,0.5884,0.5812,0.5730 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/finnish/onehot/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,0.3429,0.8136,0.7950,0.9341,0.8108,0.8174 3 | 147,1,0.26,134,0.4146,0.8771,0.8653,0.9143,0.7946,0.8010 4 | 59,3,0.41000000000000003,172,0.7805,1.2015,1.1699,0.8230,0.7098,0.7189 5 | 190,2,0.13,160,0.4166,0.8611,0.8474,0.9105,0.8056,0.8071 6 | 484,3,0.06,100,0.4848,0.8874,0.8715,0.8928,0.7931,0.8024 7 | 97,1,0.5,242,0.3620,0.8184,0.7858,0.9291,0.8077,0.8157 8 | 18,3,0.3,174,1.0312,1.3622,1.3592,0.7602,0.6644,0.6747 9 | 261,3,0.14,153,0.4818,0.8881,0.8618,0.8928,0.7888,0.7994 10 | 257,1,0.19,108,0.4271,0.8967,0.8665,0.9098,0.7967,0.8070 11 | 45,1,0.5,210,0.3423,0.8282,0.7923,0.9364,0.8035,0.8143 12 | 60,3,0.34,163,0.7407,1.1257,1.1048,0.8296,0.7269,0.7381 13 | 72,3,0.38,276,0.7688,1.0883,1.0651,0.8242,0.7495,0.7542 14 | 183,3,0.28,242,0.4933,0.8945,0.8674,0.8955,0.7788,0.7899 15 | 333,2,0.11,292,0.4630,0.8627,0.8294,0.8949,0.8049,0.8157 16 | 497,3,0.45,153,0.5955,0.9350,0.9273,0.8720,0.7685,0.7731 17 | 302,2,0.45,257,0.4740,0.8747,0.8515,0.9050,0.7907,0.7958 18 | 263,1,0.02,89,0.5376,0.9477,0.9405,0.8837,0.7904,0.7957 19 | 118,3,0.47000000000000003,48,0.9997,1.2209,1.2009,0.7587,0.7147,0.7214 20 | 114,1,0.16,52,0.4061,0.9229,0.8996,0.9174,0.7926,0.7999 21 | 182,2,0.44,131,0.5128,0.8834,0.8649,0.8958,0.7927,0.8005 22 | 195,3,0.37,49,0.6814,1.0303,1.0033,0.8521,0.7536,0.7605 23 | 191,1,0.22,124,0.4503,0.9017,0.8702,0.9047,0.7939,0.8018 24 | 278,2,0.24,192,0.4500,0.8740,0.8508,0.9023,0.7981,0.8073 25 | 55,1,0.14,120,0.4171,0.9171,0.8967,0.9123,0.7938,0.8043 26 | 393,2,0.02,184,0.5493,0.9013,0.8773,0.8775,0.8012,0.8040 27 | 357,1,0.25,263,0.4687,0.8833,0.8660,0.9026,0.7961,0.8029 28 | 255,1,0.19,268,0.3926,0.8826,0.8476,0.9168,0.8057,0.8126 29 | 48,3,0.34,88,0.9522,1.3356,1.3076,0.7155,0.6246,0.6357 30 | 117,3,0.05,110,0.5543,0.9286,0.8985,0.8768,0.7888,0.8000 31 | 484,3,0.28,280,0.4709,0.8451,0.8326,0.8996,0.7992,0.8044 32 | 137,3,0.05,168,0.5689,0.9168,0.8885,0.8733,0.7867,0.7959 33 | 23,2,0.0,276,0.3987,0.9989,0.9712,0.9176,0.7939,0.8055 34 | 115,1,0.31,178,0.3368,0.8597,0.8345,0.9335,0.8053,0.8078 35 | 56,1,0.13,82,0.4125,0.9329,0.8912,0.9139,0.7970,0.8044 36 | 50,1,0.22,250,0.4122,0.9036,0.8617,0.9144,0.7954,0.8078 37 | 108,3,0.32,257,0.5877,1.0195,0.9725,0.8674,0.7642,0.7731 38 | 143,2,0.47000000000000003,143,0.4921,0.9281,0.8965,0.9031,0.7713,0.7817 39 | 160,1,0.3,250,0.3839,0.8691,0.8484,0.9219,0.8008,0.8062 40 | 174,1,0.15,82,0.5526,0.9350,0.9162,0.8794,0.7834,0.7913 41 | 145,2,0.24,207,0.4490,0.8988,0.8694,0.9060,0.7883,0.7958 42 | 94,1,0.01,168,0.4086,0.9388,0.9125,0.9143,0.7976,0.8047 43 | 68,3,0.28,206,0.6093,1.0534,1.0336,0.8812,0.7639,0.7678 44 | 16,3,0.3,75,1.3456,1.6245,1.6468,0.6999,0.6197,0.6292 45 | 151,2,0.14,218,0.4937,0.8739,0.8602,0.8907,0.8017,0.8068 46 | 132,3,0.38,164,0.5723,0.9978,0.9722,0.8787,0.7638,0.7732 47 | 125,1,0.06,144,0.5386,0.9298,0.9084,0.8836,0.7910,0.8009 48 | 487,1,0.38,212,0.4341,0.8726,0.8404,0.9168,0.8009,0.8053 49 | 134,3,0.36,257,0.6680,1.0161,0.9729,0.8502,0.7577,0.7699 50 | 34,3,0.3,103,1.1016,1.4097,1.4134,0.7490,0.6675,0.6773 51 | 11,1,0.23,111,0.4774,0.9995,0.9615,0.9028,0.7844,0.7906 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/finnish/random/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,1.5948,1.5878,1.5741,0.6193,0.6239,0.6264 3 | 147,1,0.26,134,1.2629,1.2974,1.2804,0.6985,0.6976,0.7024 4 | 59,3,0.41000000000000003,172,1.9062,1.8975,1.8760,0.5514,0.5515,0.5584 5 | 190,2,0.13,160,0.8902,1.0261,0.9934,0.7914,0.7639,0.7751 6 | 484,3,0.06,100,0.6101,0.9128,0.8765,0.8606,0.7986,0.8072 7 | 97,1,0.5,242,1.5768,1.5665,1.5569,0.6233,0.6285,0.6307 8 | 18,3,0.3,174,2.1327,2.1278,2.1072,0.5107,0.5097,0.5138 9 | 261,3,0.14,153,0.8495,0.9792,0.9525,0.8002,0.7727,0.7850 10 | 257,1,0.19,108,1.0731,1.1655,1.1468,0.7495,0.7391,0.7446 11 | 45,1,0.5,210,1.8092,1.7985,1.7750,0.5707,0.5718,0.5781 12 | 60,3,0.34,163,1.6991,1.6855,1.6697,0.6076,0.6101,0.6165 13 | 72,3,0.38,276,1.6600,1.6491,1.6273,0.6143,0.6178,0.6228 14 | 183,3,0.28,242,1.1676,1.1789,1.1730,0.7217,0.7214,0.7267 15 | 333,2,0.11,292,0.6139,0.8958,0.8741,0.8617,0.8037,0.8073 16 | 497,3,0.45,153,1.4105,1.3972,1.3839,0.6722,0.6757,0.6808 17 | 302,2,0.45,257,1.3540,1.3519,1.3385,0.6808,0.6831,0.6885 18 | 263,1,0.02,89,1.0052,1.1587,1.1450,0.7633,0.7391,0.7454 19 | 118,3,0.47000000000000003,48,2.0055,1.9869,1.9651,0.5426,0.5442,0.5503 20 | 114,1,0.16,52,1.4817,1.4983,1.4807,0.6497,0.6535,0.6564 21 | 182,2,0.44,131,1.5329,1.5234,1.5028,0.6432,0.6463,0.6504 22 | 195,3,0.37,49,1.6735,1.6635,1.6368,0.6150,0.6192,0.6249 23 | 191,1,0.22,124,1.1793,1.2342,1.2166,0.7241,0.7192,0.7257 24 | 278,2,0.24,192,0.9988,1.0783,1.0545,0.7634,0.7500,0.7588 25 | 55,1,0.14,120,1.4116,1.4306,1.4085,0.6628,0.6654,0.6726 26 | 393,2,0.02,184,0.5869,0.9458,0.9184,0.8700,0.7950,0.8033 27 | 357,1,0.25,263,0.8037,0.9910,0.9651,0.8218,0.7784,0.7892 28 | 255,1,0.19,268,0.7677,0.9812,0.9596,0.8309,0.7831,0.7906 29 | 48,3,0.34,88,1.9890,1.9695,1.9612,0.5448,0.5490,0.5519 30 | 117,3,0.05,110,1.0406,1.1185,1.1107,0.7577,0.7411,0.7489 31 | 484,3,0.28,280,0.9131,0.9964,0.9894,0.7800,0.7647,0.7698 32 | 137,3,0.05,168,0.8827,1.0253,1.0008,0.7952,0.7658,0.7769 33 | 23,2,0.0,276,1.2908,1.3562,1.3373,0.6937,0.6854,0.6915 34 | 115,1,0.31,178,1.3217,1.3437,1.3293,0.6847,0.6844,0.6907 35 | 56,1,0.13,82,1.4999,1.5065,1.5051,0.6471,0.6472,0.6553 36 | 50,1,0.22,250,1.3144,1.3390,1.3176,0.6881,0.6918,0.6947 37 | 108,3,0.32,257,1.4382,1.4342,1.4191,0.6563,0.6580,0.6634 38 | 143,2,0.47000000000000003,143,1.6222,1.6087,1.5905,0.6200,0.6239,0.6283 39 | 160,1,0.3,250,1.1456,1.2055,1.1788,0.7307,0.7270,0.7331 40 | 174,1,0.15,82,1.2226,1.2701,1.2619,0.7151,0.7138,0.7180 41 | 145,2,0.24,207,1.1900,1.2219,1.1951,0.7153,0.7137,0.7226 42 | 94,1,0.01,168,1.0508,1.2042,1.1899,0.7567,0.7276,0.7386 43 | 68,3,0.28,206,1.5194,1.5107,1.4855,0.6395,0.6419,0.6502 44 | 16,3,0.3,75,2.3461,2.3448,2.3394,0.4597,0.4573,0.4584 45 | 151,2,0.14,218,0.9357,1.0419,1.0162,0.7819,0.7622,0.7687 46 | 132,3,0.38,164,1.5055,1.4932,1.4878,0.6462,0.6493,0.6531 47 | 125,1,0.06,144,1.0816,1.1930,1.1615,0.7441,0.7260,0.7388 48 | 487,1,0.38,212,1.0615,1.1386,1.1171,0.7615,0.7499,0.7592 49 | 134,3,0.36,257,1.4010,1.3908,1.3725,0.6696,0.6725,0.6796 50 | 34,3,0.3,103,2.0131,1.9981,1.9781,0.5268,0.5277,0.5313 51 | 11,1,0.23,111,1.9869,1.9782,1.9568,0.5419,0.5428,0.5474 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/korean/onehot/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,0.6242,1.0935,1.1341,0.8677,0.7393,0.7297 3 | 147,1,0.26,134,0.6447,1.1436,1.2021,0.8577,0.7282,0.7212 4 | 59,3,0.41000000000000003,172,1.1415,1.5097,1.6605,0.7104,0.6324,0.5883 5 | 190,2,0.13,160,0.7295,1.1535,1.2230,0.8337,0.7232,0.7168 6 | 484,3,0.06,100,0.8249,1.1987,1.2665,0.8040,0.7162,0.7044 7 | 97,1,0.5,242,0.6718,1.0896,1.1474,0.8541,0.7387,0.7301 8 | 18,3,0.3,174,1.5973,1.8930,2.0189,0.5647,0.5084,0.4679 9 | 261,3,0.14,153,0.7796,1.1781,1.2414,0.8199,0.7115,0.7065 10 | 257,1,0.19,108,0.6851,1.1842,1.2285,0.8489,0.7240,0.7186 11 | 45,1,0.5,210,0.6313,1.0969,1.1501,0.8656,0.7424,0.7249 12 | 60,3,0.34,163,0.9562,1.3865,1.4986,0.7869,0.6820,0.6432 13 | 72,3,0.38,276,0.9148,1.3302,1.4538,0.7927,0.6866,0.6547 14 | 183,3,0.28,242,0.7532,1.1928,1.2431,0.8283,0.7109,0.7059 15 | 333,2,0.11,292,0.8780,1.1856,1.2520,0.7958,0.7184,0.7051 16 | 497,3,0.45,153,0.9511,1.2408,1.3122,0.7846,0.6966,0.6790 17 | 302,2,0.45,257,0.8348,1.1729,1.2441,0.8120,0.7208,0.7023 18 | 263,1,0.02,89,0.8964,1.2819,1.3462,0.7951,0.7027,0.6916 19 | 118,3,0.47000000000000003,48,1.0405,1.3499,1.4612,0.7692,0.6765,0.6482 20 | 114,1,0.16,52,0.7452,1.2061,1.2782,0.8356,0.7175,0.7083 21 | 182,2,0.44,131,0.6793,1.1372,1.1909,0.8542,0.7238,0.7131 22 | 195,3,0.37,49,0.9582,1.2836,1.3695,0.7817,0.6929,0.6733 23 | 191,1,0.22,124,0.7156,1.1780,1.2247,0.8422,0.7212,0.7074 24 | 278,2,0.24,192,0.8171,1.1701,1.2370,0.8081,0.7179,0.7009 25 | 55,1,0.14,120,0.7513,1.1989,1.2654,0.8312,0.7217,0.7126 26 | 393,2,0.02,184,0.7687,1.1705,1.2471,0.8210,0.7250,0.7114 27 | 357,1,0.25,263,0.6517,1.1501,1.1937,0.8571,0.7301,0.7236 28 | 255,1,0.19,268,0.7142,1.1754,1.2214,0.8413,0.7266,0.7158 29 | 48,3,0.34,88,1.1257,1.5099,1.6003,0.7570,0.6640,0.6298 30 | 117,3,0.05,110,0.8518,1.2153,1.2936,0.8027,0.7128,0.6997 31 | 484,3,0.28,280,0.8516,1.1862,1.2431,0.8042,0.7119,0.6979 32 | 137,3,0.05,168,0.7744,1.1849,1.2584,0.8181,0.7202,0.7048 33 | 23,2,0.0,276,0.7384,1.2516,1.3344,0.8366,0.7224,0.7099 34 | 115,1,0.31,178,0.7200,1.1545,1.1947,0.8413,0.7237,0.7138 35 | 56,1,0.13,82,0.7264,1.2019,1.2744,0.8376,0.7225,0.7089 36 | 50,1,0.22,250,0.6667,1.1556,1.2037,0.8506,0.7281,0.7186 37 | 108,3,0.32,257,0.8189,1.2275,1.3036,0.8176,0.7066,0.6950 38 | 143,2,0.47000000000000003,143,0.8379,1.1940,1.2516,0.8162,0.7192,0.7053 39 | 160,1,0.3,250,0.7278,1.1603,1.2005,0.8401,0.7282,0.7182 40 | 174,1,0.15,82,0.7032,1.2000,1.2355,0.8429,0.7174,0.7184 41 | 145,2,0.24,207,0.6982,1.1454,1.2124,0.8405,0.7284,0.7110 42 | 94,1,0.01,168,0.7695,1.2353,1.3018,0.8256,0.7174,0.7139 43 | 68,3,0.28,206,0.8646,1.2653,1.3569,0.8140,0.7049,0.6917 44 | 16,3,0.3,75,1.6495,1.8743,2.0066,0.5565,0.5100,0.4694 45 | 151,2,0.14,218,0.8106,1.1861,1.2379,0.8114,0.7204,0.7063 46 | 132,3,0.38,164,0.8918,1.2630,1.3324,0.8030,0.6973,0.6855 47 | 125,1,0.06,144,0.6923,1.2163,1.2711,0.8436,0.7236,0.7143 48 | 487,1,0.38,212,0.6542,1.1423,1.1851,0.8648,0.7249,0.7222 49 | 134,3,0.36,257,0.7656,1.1907,1.2558,0.8292,0.7155,0.6961 50 | 34,3,0.3,103,1.2242,1.5870,1.7123,0.7066,0.6251,0.5975 51 | 11,1,0.23,111,0.8015,1.2395,1.3332,0.8201,0.7166,0.6921 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/korean/random/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,1.8843,1.8745,1.9901,0.5442,0.5463,0.5228 3 | 147,1,0.26,134,1.5912,1.6401,1.7417,0.6239,0.6102,0.5932 4 | 59,3,0.41000000000000003,172,2.2215,2.1970,2.3402,0.4515,0.4585,0.4360 5 | 190,2,0.13,160,1.3437,1.4432,1.5292,0.6778,0.6544,0.6447 6 | 484,3,0.06,100,1.1595,1.3431,1.4221,0.7222,0.6819,0.6683 7 | 97,1,0.5,242,1.8576,1.8499,1.9569,0.5510,0.5540,0.5354 8 | 18,3,0.3,174,2.3981,2.3620,2.5030,0.4121,0.4232,0.4039 9 | 261,3,0.14,153,1.3150,1.4229,1.4958,0.6833,0.6570,0.6443 10 | 257,1,0.19,108,1.5056,1.5918,1.6772,0.6490,0.6296,0.6102 11 | 45,1,0.5,210,2.0444,2.0172,2.1435,0.5025,0.5082,0.4840 12 | 60,3,0.34,163,2.1052,2.0851,2.2234,0.4847,0.4904,0.4643 13 | 72,3,0.38,276,1.9586,1.9493,2.0952,0.5255,0.5266,0.4991 14 | 183,3,0.28,242,1.5261,1.5718,1.6662,0.6311,0.6194,0.6015 15 | 333,2,0.11,292,1.0534,1.2793,1.3320,0.7532,0.6980,0.6951 16 | 497,3,0.45,153,1.7901,1.7878,1.9117,0.5696,0.5702,0.5517 17 | 302,2,0.45,257,1.6858,1.7150,1.8070,0.5939,0.5871,0.5762 18 | 263,1,0.02,89,1.4512,1.5800,1.6945,0.6608,0.6301,0.6167 19 | 118,3,0.47000000000000003,48,2.2501,2.2222,2.3606,0.4638,0.4701,0.4449 20 | 114,1,0.16,52,1.8540,1.8697,1.9800,0.5633,0.5589,0.5404 21 | 182,2,0.44,131,1.8316,1.8201,1.9312,0.5579,0.5596,0.5429 22 | 195,3,0.37,49,1.9092,1.8884,2.0215,0.5406,0.5433,0.5254 23 | 191,1,0.22,124,1.5957,1.6589,1.7458,0.6254,0.6102,0.5902 24 | 278,2,0.24,192,1.3779,1.4693,1.5513,0.6640,0.6431,0.6332 25 | 55,1,0.14,120,1.7577,1.7847,1.8931,0.5873,0.5757,0.5550 26 | 393,2,0.02,184,1.0010,1.2974,1.3714,0.7690,0.7038,0.6923 27 | 357,1,0.25,263,1.2942,1.4478,1.5123,0.7018,0.6624,0.6512 28 | 255,1,0.19,268,1.1890,1.3942,1.4611,0.7266,0.6753,0.6636 29 | 48,3,0.34,88,2.3734,2.3467,2.4696,0.4365,0.4417,0.4231 30 | 117,3,0.05,110,1.4094,1.4988,1.5967,0.6626,0.6396,0.6290 31 | 484,3,0.28,280,1.2899,1.3876,1.4584,0.6866,0.6665,0.6575 32 | 137,3,0.05,168,1.2692,1.4106,1.4927,0.6967,0.6613,0.6454 33 | 23,2,0.0,276,1.7126,1.7733,1.8871,0.6001,0.5837,0.5637 34 | 115,1,0.31,178,1.6661,1.6991,1.7926,0.6118,0.6011,0.5842 35 | 56,1,0.13,82,1.8567,1.8698,1.9847,0.5609,0.5523,0.5341 36 | 50,1,0.22,250,1.6876,1.7214,1.8152,0.6015,0.5913,0.5742 37 | 108,3,0.32,257,1.7671,1.7823,1.9092,0.5715,0.5661,0.5496 38 | 143,2,0.47000000000000003,143,1.8974,1.8818,2.0101,0.5448,0.5515,0.5268 39 | 160,1,0.3,250,1.4729,1.5575,1.6357,0.6599,0.6411,0.6225 40 | 174,1,0.15,82,1.5916,1.6681,1.7584,0.6264,0.6080,0.5955 41 | 145,2,0.24,207,1.5151,1.5696,1.6662,0.6350,0.6215,0.6024 42 | 94,1,0.01,168,1.4969,1.6195,1.7260,0.6569,0.6279,0.6174 43 | 68,3,0.28,206,1.8542,1.8604,2.0025,0.5537,0.5521,0.5323 44 | 16,3,0.3,75,2.4565,2.4178,2.5458,0.4112,0.4223,0.4033 45 | 151,2,0.14,218,1.3820,1.4743,1.5526,0.6717,0.6508,0.6373 46 | 132,3,0.38,164,1.8593,1.8515,1.9784,0.5530,0.5553,0.5283 47 | 125,1,0.06,144,1.4615,1.5836,1.6780,0.6636,0.6323,0.6187 48 | 487,1,0.38,212,1.4754,1.5626,1.6350,0.6589,0.6427,0.6285 49 | 134,3,0.36,257,1.7099,1.7247,1.8398,0.5895,0.5826,0.5673 50 | 34,3,0.3,103,2.3830,2.3513,2.4885,0.4259,0.4329,0.4130 51 | 11,1,0.23,111,2.2351,2.2055,2.3399,0.4622,0.4651,0.4474 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/marathi/onehot/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,0.8610,1.6346,1.5379,0.8168,0.6750,0.6869 3 | 147,1,0.26,134,0.7747,1.6311,1.5040,0.8278,0.6500,0.6820 4 | 59,3,0.41000000000000003,172,1.3661,1.9251,1.6510,0.6954,0.6114,0.6238 5 | 190,2,0.13,160,0.9360,1.5748,1.4496,0.7818,0.6409,0.6699 6 | 484,3,0.06,100,0.7682,1.7558,1.6396,0.8185,0.6477,0.6699 7 | 97,1,0.5,242,0.8055,1.6038,1.4911,0.8285,0.6523,0.6917 8 | 18,3,0.3,174,1.3912,1.9995,1.8801,0.6543,0.4977,0.5607 9 | 261,3,0.14,153,0.9576,1.7202,1.7100,0.7721,0.6341,0.6529 10 | 257,1,0.19,108,0.9368,1.5965,1.5380,0.7928,0.6545,0.6748 11 | 45,1,0.5,210,0.9492,1.7358,1.5572,0.7921,0.6295,0.6820 12 | 60,3,0.34,163,1.0980,1.8300,1.6190,0.7581,0.6068,0.6602 13 | 72,3,0.38,276,1.1151,1.8005,1.6598,0.7184,0.5932,0.6335 14 | 183,3,0.28,242,1.1840,1.7024,1.6236,0.7437,0.6409,0.6335 15 | 333,2,0.11,292,0.9604,1.7415,1.5300,0.7761,0.6114,0.6772 16 | 497,3,0.45,153,0.6858,1.5810,1.5637,0.8455,0.6636,0.7063 17 | 302,2,0.45,257,0.6548,1.6304,1.4832,0.8515,0.6750,0.7039 18 | 263,1,0.02,89,1.0804,1.6217,1.5333,0.7638,0.6364,0.6748 19 | 118,3,0.47000000000000003,48,1.2851,1.8216,1.6079,0.6834,0.5523,0.6335 20 | 114,1,0.16,52,0.8945,1.6379,1.5576,0.7935,0.6545,0.6917 21 | 182,2,0.44,131,0.8284,1.6269,1.5785,0.8118,0.6409,0.6578 22 | 195,3,0.37,49,1.0837,1.6968,1.4907,0.7474,0.6136,0.6748 23 | 191,1,0.22,124,0.9778,1.5983,1.5466,0.7784,0.6523,0.6626 24 | 278,2,0.24,192,0.7013,1.6044,1.5514,0.8405,0.6614,0.6845 25 | 55,1,0.14,120,0.9003,1.6062,1.5425,0.7901,0.6409,0.6917 26 | 393,2,0.02,184,0.5959,1.6511,1.5248,0.8555,0.6682,0.6942 27 | 357,1,0.25,263,0.7969,1.6122,1.4945,0.8285,0.6568,0.6796 28 | 255,1,0.19,268,0.8124,1.4948,1.4942,0.8262,0.6636,0.6820 29 | 48,3,0.34,88,1.3581,1.8959,1.7404,0.6346,0.5341,0.5728 30 | 117,3,0.05,110,0.9112,1.8659,1.7278,0.7851,0.6227,0.6432 31 | 484,3,0.28,280,1.2129,1.6812,1.6503,0.7227,0.6205,0.6359 32 | 137,3,0.05,168,0.9630,1.7417,1.6491,0.7701,0.6295,0.6578 33 | 23,2,0.0,276,0.9006,1.7782,1.5947,0.7654,0.6341,0.6238 34 | 115,1,0.31,178,0.8704,1.5816,1.4953,0.8088,0.6659,0.6699 35 | 56,1,0.13,82,0.8373,1.6740,1.6758,0.8071,0.6727,0.6748 36 | 50,1,0.22,250,0.8455,1.6878,1.5098,0.8168,0.6432,0.6966 37 | 108,3,0.32,257,0.8947,1.6927,1.6153,0.7951,0.6500,0.6796 38 | 143,2,0.47000000000000003,143,1.0333,1.6779,1.6078,0.7728,0.6250,0.6359 39 | 160,1,0.3,250,0.8341,1.5915,1.5258,0.8158,0.6636,0.6650 40 | 174,1,0.15,82,0.9485,1.6125,1.4720,0.7841,0.6591,0.6602 41 | 145,2,0.24,207,0.8445,1.6028,1.5383,0.8101,0.6341,0.6699 42 | 94,1,0.01,168,0.7884,1.5758,1.4312,0.8205,0.6705,0.6820 43 | 68,3,0.28,206,1.0220,1.7360,1.5552,0.7518,0.6159,0.6650 44 | 16,3,0.3,75,1.5421,2.1272,2.1111,0.5916,0.4955,0.5146 45 | 151,2,0.14,218,0.9104,1.6375,1.5070,0.7891,0.6500,0.6966 46 | 132,3,0.38,164,1.0186,1.7092,1.4509,0.7684,0.5932,0.6650 47 | 125,1,0.06,144,0.8532,1.6062,1.4933,0.8101,0.6545,0.7063 48 | 487,1,0.38,212,0.6672,1.5638,1.5375,0.8529,0.6705,0.6723 49 | 134,3,0.36,257,0.7902,1.6214,1.5527,0.8145,0.6864,0.6772 50 | 34,3,0.3,103,1.1628,1.8710,1.6872,0.7174,0.5909,0.6529 51 | 11,1,0.23,111,0.8913,1.6241,1.5927,0.7925,0.6727,0.6893 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/marathi/random/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,0.7770,1.5336,1.4439,0.8382,0.6614,0.6845 3 | 147,1,0.26,134,0.8754,1.6217,1.5674,0.8078,0.6455,0.6942 4 | 59,3,0.41000000000000003,172,1.1841,1.7553,1.5554,0.7534,0.6455,0.6311 5 | 190,2,0.13,160,0.7748,1.6231,1.5330,0.8222,0.6614,0.6942 6 | 484,3,0.06,100,0.8086,1.6824,1.5812,0.8138,0.6545,0.6675 7 | 97,1,0.5,242,0.8148,1.5335,1.5067,0.8278,0.6591,0.6723 8 | 18,3,0.3,174,1.6985,2.0288,1.9305,0.6573,0.5568,0.6286 9 | 261,3,0.14,153,1.0242,1.6567,1.6154,0.7554,0.6273,0.6626 10 | 257,1,0.19,108,0.7425,1.5685,1.4069,0.8398,0.6341,0.6869 11 | 45,1,0.5,210,1.0845,1.6016,1.5060,0.7548,0.6545,0.6505 12 | 60,3,0.34,163,0.9806,1.6240,1.5050,0.7798,0.6455,0.6626 13 | 72,3,0.38,276,0.9320,1.7216,1.5014,0.7981,0.6432,0.6772 14 | 183,3,0.28,242,1.0307,1.7123,1.6201,0.7598,0.6136,0.6383 15 | 333,2,0.11,292,0.9952,1.7435,1.5522,0.7721,0.6068,0.6529 16 | 497,3,0.45,153,0.8097,1.5404,1.4530,0.8228,0.6727,0.6966 17 | 302,2,0.45,257,0.7761,1.6206,1.5654,0.8242,0.6545,0.6626 18 | 263,1,0.02,89,0.8359,1.6402,1.5364,0.8138,0.6705,0.6990 19 | 118,3,0.47000000000000003,48,1.4138,1.7793,1.6553,0.6797,0.5705,0.6189 20 | 114,1,0.16,52,0.9463,1.6802,1.6045,0.7855,0.6500,0.6917 21 | 182,2,0.44,131,0.8474,1.5285,1.4477,0.8228,0.6591,0.6772 22 | 195,3,0.37,49,1.1829,1.6590,1.5328,0.7271,0.6273,0.6602 23 | 191,1,0.22,124,0.8000,1.6018,1.4468,0.8255,0.6545,0.6748 24 | 278,2,0.24,192,0.7762,1.6276,1.5695,0.8215,0.6477,0.6845 25 | 55,1,0.14,120,0.8102,1.6105,1.4614,0.8125,0.6523,0.7063 26 | 393,2,0.02,184,0.9995,1.7756,1.5914,0.7304,0.5773,0.6286 27 | 357,1,0.25,263,0.8631,1.5758,1.4909,0.8108,0.6591,0.6869 28 | 255,1,0.19,268,0.8778,1.6099,1.4629,0.8121,0.6409,0.6796 29 | 48,3,0.34,88,1.3335,1.7502,1.6329,0.6797,0.5705,0.6359 30 | 117,3,0.05,110,1.0180,1.9771,1.8258,0.7678,0.6227,0.6481 31 | 484,3,0.28,280,0.8534,1.7285,1.5750,0.8048,0.6159,0.6748 32 | 137,3,0.05,168,1.0521,1.6843,1.6567,0.7501,0.6295,0.6481 33 | 23,2,0.0,276,1.1126,1.7410,1.6823,0.7344,0.6273,0.6286 34 | 115,1,0.31,178,0.7587,1.6313,1.4852,0.8338,0.6545,0.6917 35 | 56,1,0.13,82,0.9974,1.6862,1.6902,0.7731,0.6614,0.6626 36 | 50,1,0.22,250,0.9109,1.6172,1.4769,0.7948,0.6477,0.6772 37 | 108,3,0.32,257,0.9199,1.8392,1.6108,0.7948,0.6000,0.6748 38 | 143,2,0.47000000000000003,143,0.7080,1.5386,1.4615,0.8465,0.6750,0.6942 39 | 160,1,0.3,250,0.7392,1.4805,1.4708,0.8355,0.6795,0.6796 40 | 174,1,0.15,82,0.7396,1.6049,1.6286,0.8332,0.6818,0.6893 41 | 145,2,0.24,207,0.9478,1.7115,1.5802,0.7871,0.5841,0.6481 42 | 94,1,0.01,168,0.6936,1.5919,1.5914,0.8432,0.6591,0.6820 43 | 68,3,0.28,206,1.2418,1.7774,1.6630,0.6880,0.5773,0.6068 44 | 16,3,0.3,75,1.9736,2.2181,2.0377,0.4541,0.4455,0.4223 45 | 151,2,0.14,218,0.7787,1.6567,1.7175,0.8198,0.6500,0.7039 46 | 132,3,0.38,164,0.7694,1.5840,1.4664,0.8205,0.6500,0.6966 47 | 125,1,0.06,144,0.9852,1.5813,1.5875,0.7781,0.6500,0.6675 48 | 487,1,0.38,212,0.7528,1.4496,1.4285,0.8368,0.6886,0.6917 49 | 134,3,0.36,257,0.7351,1.5765,1.4921,0.8215,0.6727,0.6723 50 | 34,3,0.3,103,1.3852,1.8201,1.7067,0.6760,0.5864,0.6529 51 | 11,1,0.23,111,1.3437,1.7499,1.7295,0.7017,0.6091,0.6189 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/tamil/onehot/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,0.4543,1.4609,1.6115,0.9278,0.6659,0.6464 3 | 147,1,0.26,134,0.6594,1.5355,1.7225,0.8753,0.6437,0.6087 4 | 59,3,0.41000000000000003,172,1.0492,1.8097,2.0863,0.8009,0.5859,0.5332 5 | 190,2,0.13,160,0.8598,1.6370,1.8021,0.8308,0.6247,0.5951 6 | 484,3,0.06,100,0.8768,1.5970,1.6943,0.8278,0.6492,0.6212 7 | 97,1,0.5,242,0.5124,1.4830,1.5948,0.9167,0.6643,0.6524 8 | 18,3,0.3,174,1.6412,2.0706,2.3144,0.5845,0.4869,0.4311 9 | 261,3,0.14,153,0.5247,1.5793,1.6318,0.9028,0.6453,0.6549 10 | 257,1,0.19,108,0.6778,1.5796,1.6271,0.8685,0.6342,0.6434 11 | 45,1,0.5,210,0.4697,1.4570,1.6390,0.9291,0.6896,0.6388 12 | 60,3,0.34,163,1.0781,1.8339,2.0398,0.7255,0.5788,0.5181 13 | 72,3,0.38,276,1.1397,1.8601,1.9516,0.7365,0.5542,0.5141 14 | 183,3,0.28,242,0.4546,1.5436,1.7611,0.9182,0.6793,0.6398 15 | 333,2,0.11,292,0.4659,1.5525,1.6517,0.9145,0.6738,0.6585 16 | 497,3,0.45,153,0.4977,1.5436,1.5932,0.9227,0.6508,0.6348 17 | 302,2,0.45,257,0.5230,1.4176,1.5711,0.9131,0.6675,0.6363 18 | 263,1,0.02,89,0.7065,1.6269,1.7701,0.8638,0.6651,0.6222 19 | 118,3,0.47000000000000003,48,1.1665,1.9105,2.0185,0.7643,0.5550,0.5221 20 | 114,1,0.16,52,0.7301,1.6756,1.8424,0.8568,0.6485,0.6081 21 | 182,2,0.44,131,0.6286,1.4803,1.6171,0.8880,0.6603,0.6459 22 | 195,3,0.37,49,0.6134,1.5012,1.7088,0.8843,0.6500,0.6132 23 | 191,1,0.22,124,0.6190,1.6300,1.6906,0.8875,0.6421,0.6207 24 | 278,2,0.24,192,0.5807,1.5294,1.6214,0.8927,0.6635,0.6378 25 | 55,1,0.14,120,0.6167,1.6610,1.7326,0.8829,0.6603,0.6368 26 | 393,2,0.02,184,0.4511,1.6002,1.7606,0.9167,0.6762,0.6318 27 | 357,1,0.25,263,0.5269,1.5474,1.6171,0.9087,0.6651,0.6675 28 | 255,1,0.19,268,0.6672,1.6112,1.6805,0.8712,0.6611,0.6343 29 | 48,3,0.34,88,1.3336,1.9332,2.0713,0.7401,0.5471,0.5126 30 | 117,3,0.05,110,0.9203,1.7509,1.8261,0.8167,0.6318,0.6092 31 | 484,3,0.28,280,0.4480,1.4439,1.6090,0.9183,0.6659,0.6509 32 | 137,3,0.05,168,0.8511,1.7178,1.8110,0.8224,0.6326,0.5941 33 | 23,2,0.0,276,0.9529,1.7695,1.9399,0.8042,0.6255,0.5890 34 | 115,1,0.31,178,0.7167,1.5990,1.6708,0.8644,0.6587,0.6298 35 | 56,1,0.13,82,0.8449,1.6411,1.8160,0.8294,0.6350,0.6036 36 | 50,1,0.22,250,0.6252,1.5432,1.6722,0.8834,0.6659,0.6373 37 | 108,3,0.32,257,0.6971,1.5595,1.7479,0.8701,0.6445,0.6142 38 | 143,2,0.47000000000000003,143,0.5251,1.5357,1.6863,0.9180,0.6445,0.6172 39 | 160,1,0.3,250,0.6099,1.5217,1.6614,0.8903,0.6651,0.6278 40 | 174,1,0.15,82,0.6804,1.5991,1.6291,0.8730,0.6619,0.6469 41 | 145,2,0.24,207,0.5135,1.5662,1.7062,0.9068,0.6587,0.6373 42 | 94,1,0.01,168,0.7470,1.5486,1.7258,0.8543,0.6722,0.6016 43 | 68,3,0.28,206,0.7824,1.7288,1.8512,0.8331,0.6255,0.5815 44 | 16,3,0.3,75,1.7577,2.1161,2.3814,0.5359,0.4917,0.4376 45 | 151,2,0.14,218,0.5846,1.5345,1.7065,0.8807,0.6540,0.6343 46 | 132,3,0.38,164,0.6855,1.6678,1.8383,0.8744,0.6397,0.5956 47 | 125,1,0.06,144,0.8259,1.6088,1.7180,0.8420,0.6469,0.6268 48 | 487,1,0.38,212,0.5466,1.4459,1.5739,0.9125,0.6793,0.6343 49 | 134,3,0.36,257,0.5510,1.5808,1.7004,0.9009,0.6382,0.6298 50 | 34,3,0.3,103,1.2998,1.9212,2.0898,0.7413,0.5495,0.5267 51 | 11,1,0.23,111,0.8746,1.7722,1.8820,0.8278,0.6160,0.5865 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/tamil/random/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,1.0222,1.4576,1.5454,0.7856,0.6611,0.6519 3 | 147,1,0.26,134,0.5421,1.4611,1.5145,0.9142,0.6698,0.6615 4 | 59,3,0.41000000000000003,172,1.7022,1.8426,1.9525,0.5630,0.5439,0.5407 5 | 190,2,0.13,160,0.6253,1.5392,1.6365,0.8889,0.6421,0.6373 6 | 484,3,0.06,100,0.6862,1.6015,1.6861,0.8504,0.6564,0.6474 7 | 97,1,0.5,242,0.9331,1.4261,1.5204,0.8199,0.6936,0.6569 8 | 18,3,0.3,174,2.1352,2.1625,2.2880,0.4846,0.4972,0.4713 9 | 261,3,0.14,153,0.5724,1.5040,1.6222,0.8930,0.6738,0.6539 10 | 257,1,0.19,108,0.5496,1.4876,1.5139,0.9123,0.6738,0.6690 11 | 45,1,0.5,210,1.4665,1.6733,1.7918,0.6394,0.5970,0.5744 12 | 60,3,0.34,163,1.2763,1.6529,1.7364,0.7504,0.6144,0.6087 13 | 72,3,0.38,276,1.0583,1.5975,1.6963,0.8014,0.6263,0.6001 14 | 183,3,0.28,242,0.3828,1.3690,1.5261,0.9396,0.7023,0.6610 15 | 333,2,0.11,292,0.5937,1.5422,1.6299,0.8913,0.6492,0.6429 16 | 497,3,0.45,153,0.5514,1.3584,1.4336,0.8900,0.7031,0.6786 17 | 302,2,0.45,257,0.3417,1.2779,1.4066,0.9621,0.7070,0.6751 18 | 263,1,0.02,89,0.4516,1.5578,1.6530,0.9270,0.6825,0.6569 19 | 118,3,0.47000000000000003,48,1.9624,1.9547,2.0835,0.5227,0.5313,0.5111 20 | 114,1,0.16,52,0.9261,1.6483,1.6919,0.7993,0.6366,0.6081 21 | 182,2,0.44,131,0.8129,1.3975,1.5029,0.8415,0.6825,0.6519 22 | 195,3,0.37,49,1.1321,1.4721,1.5938,0.7353,0.6508,0.6298 23 | 191,1,0.22,124,0.5746,1.4721,1.5356,0.9028,0.6746,0.6660 24 | 278,2,0.24,192,0.5421,1.4595,1.5301,0.9115,0.6738,0.6393 25 | 55,1,0.14,120,0.7609,1.6292,1.7399,0.8502,0.6508,0.6338 26 | 393,2,0.02,184,0.5629,1.5842,1.6996,0.8896,0.6738,0.6383 27 | 357,1,0.25,263,0.3793,1.4773,1.5277,0.9490,0.6730,0.6705 28 | 255,1,0.19,268,0.3584,1.4495,1.5626,0.9548,0.6793,0.6710 29 | 48,3,0.34,88,1.8390,1.8907,2.0326,0.5372,0.5329,0.5136 30 | 117,3,0.05,110,0.8234,1.6219,1.7739,0.8328,0.6461,0.6237 31 | 484,3,0.28,280,0.4464,1.3991,1.5146,0.9182,0.6920,0.6675 32 | 137,3,0.05,168,0.8513,1.6768,1.7872,0.8167,0.6548,0.5941 33 | 23,2,0.0,276,1.1613,1.8011,2.0428,0.7459,0.6025,0.5614 34 | 115,1,0.31,178,0.3907,1.4407,1.5557,0.9539,0.6904,0.6655 35 | 56,1,0.13,82,0.9121,1.6616,1.7418,0.8088,0.6516,0.6177 36 | 50,1,0.22,250,0.5437,1.4919,1.6601,0.9061,0.6841,0.6479 37 | 108,3,0.32,257,0.4885,1.4262,1.5016,0.9321,0.6873,0.6640 38 | 143,2,0.47000000000000003,143,1.0850,1.4958,1.5775,0.7535,0.6413,0.6283 39 | 160,1,0.3,250,0.3858,1.4552,1.5159,0.9518,0.6968,0.6776 40 | 174,1,0.15,82,0.5849,1.4885,1.5988,0.8959,0.6706,0.6569 41 | 145,2,0.24,207,0.3460,1.4719,1.6041,0.9455,0.6944,0.6660 42 | 94,1,0.01,168,0.6212,1.5558,1.6724,0.8856,0.6532,0.6283 43 | 68,3,0.28,206,0.8657,1.5611,1.6648,0.8410,0.6580,0.6368 44 | 16,3,0.3,75,2.3086,2.2260,2.4216,0.4465,0.4743,0.4301 45 | 151,2,0.14,218,0.5962,1.5220,1.6560,0.8877,0.6635,0.6469 46 | 132,3,0.38,164,0.7889,1.4491,1.5412,0.8575,0.6706,0.6393 47 | 125,1,0.06,144,0.7634,1.5672,1.6836,0.8532,0.6587,0.6237 48 | 487,1,0.38,212,0.2915,1.3893,1.4735,0.9622,0.7039,0.6740 49 | 134,3,0.36,257,0.6499,1.4050,1.5102,0.8921,0.6873,0.6338 50 | 34,3,0.3,103,1.8631,1.9240,2.0590,0.5170,0.5218,0.5030 51 | 11,1,0.23,111,1.8123,1.8972,2.0770,0.5609,0.5479,0.5136 52 | -------------------------------------------------------------------------------- /checkpoints/pos_tag/telugu/onehot/all_results.txt: -------------------------------------------------------------------------------- 1 | hidden_size,nlayers,dropout,pca_size,train_loss,dev_loss,test_loss,train_acc,dev_acc,test_acc 2 | 87,1,0.48,209,0.2973,0.9126,0.9457,0.9569,0.8218,0.8155 3 | 147,1,0.26,134,0.4487,0.9765,0.9636,0.9195,0.7870,0.7989 4 | 59,3,0.41000000000000003,172,0.8425,1.2485,1.2028,0.8239,0.7477,0.7295 5 | 190,2,0.13,160,0.3223,0.9894,1.0234,0.9435,0.8172,0.8044 6 | 484,3,0.06,100,0.4845,0.9971,1.0270,0.9057,0.7991,0.7795 7 | 97,1,0.5,242,0.2793,0.8859,0.9286,0.9614,0.8187,0.8017 8 | 18,3,0.3,174,0.8888,1.4326,1.3849,0.7950,0.7024,0.6963 9 | 261,3,0.14,153,0.5304,1.0767,0.9877,0.8994,0.7749,0.7906 10 | 257,1,0.19,108,0.2820,0.8963,0.9753,0.9555,0.8112,0.8017 11 | 45,1,0.5,210,0.3710,0.8943,0.9611,0.9404,0.8218,0.7822 12 | 60,3,0.34,163,0.6153,1.2129,1.0474,0.8823,0.7689,0.7628 13 | 72,3,0.38,276,0.5942,1.0904,1.0001,0.8845,0.7674,0.7642 14 | 183,3,0.28,242,0.4116,0.9899,0.9560,0.9231,0.7961,0.7864 15 | 333,2,0.11,292,0.4974,0.9851,0.9520,0.9054,0.7915,0.8017 16 | 497,3,0.45,153,0.3258,0.8838,0.9319,0.9500,0.8172,0.7947 17 | 302,2,0.45,257,0.3821,0.8560,0.9274,0.9416,0.8142,0.7850 18 | 263,1,0.02,89,0.3563,0.9320,0.9882,0.9412,0.8051,0.7892 19 | 118,3,0.47000000000000003,48,0.5934,1.1903,1.1337,0.8697,0.7341,0.7101 20 | 114,1,0.16,52,0.3500,1.0317,0.9944,0.9364,0.7825,0.8017 21 | 182,2,0.44,131,0.3577,0.9001,0.9617,0.9425,0.8293,0.8086 22 | 195,3,0.37,49,0.4613,1.0296,1.0119,0.9274,0.7946,0.7864 23 | 191,1,0.22,124,0.3051,0.9071,0.8752,0.9467,0.8112,0.8225 24 | 278,2,0.24,192,0.3594,0.8546,0.9301,0.9388,0.8202,0.7836 25 | 55,1,0.14,120,0.4567,0.9730,1.0480,0.9144,0.8066,0.7795 26 | 393,2,0.02,184,0.2446,0.8583,1.0460,0.9614,0.8172,0.7989 27 | 357,1,0.25,263,0.2510,0.8645,0.8910,0.9628,0.8187,0.8086 28 | 255,1,0.19,268,0.3372,0.8733,0.9433,0.9469,0.8218,0.8017 29 | 48,3,0.34,88,0.6816,1.2038,1.0823,0.8776,0.7613,0.7725 30 | 117,3,0.05,110,0.3059,1.0311,1.1072,0.9449,0.8127,0.7809 31 | 484,3,0.28,280,0.4545,0.9246,0.9239,0.9170,0.8066,0.7836 32 | 137,3,0.05,168,0.4561,0.9826,1.0293,0.9122,0.8097,0.7864 33 | 23,2,0.0,276,0.5564,1.1012,1.0116,0.8896,0.7704,0.7642 34 | 115,1,0.31,178,0.4095,0.9172,0.9727,0.9284,0.8082,0.7933 35 | 56,1,0.13,82,0.4312,1.0285,0.9879,0.9179,0.7810,0.8058 36 | 50,1,0.22,250,0.3483,0.9326,0.9346,0.9408,0.8263,0.7920 37 | 108,3,0.32,257,0.3844,0.9951,1.0312,0.9276,0.8051,0.7795 38 | 143,2,0.47000000000000003,143,0.2687,0.8991,0.9581,0.9581,0.8202,0.8086 39 | 160,1,0.3,250,0.4660,0.9264,0.9169,0.9172,0.7976,0.7920 40 | 174,1,0.15,82,0.4039,0.9296,0.9741,0.9301,0.8187,0.8031 41 | 145,2,0.24,207,0.3383,0.9161,0.9557,0.9482,0.8036,0.8017 42 | 94,1,0.01,168,0.4055,1.0134,0.9992,0.9260,0.7946,0.7920 43 | 68,3,0.28,206,0.5648,1.0796,1.0444,0.8920,0.7719,0.7781 44 | 16,3,0.3,75,1.1297,1.4383,1.4610,0.7771,0.7311,0.7157 45 | 151,2,0.14,218,0.2877,0.9523,1.0440,0.9528,0.8338,0.8086 46 | 132,3,0.38,164,0.3924,1.0075,1.0255,0.9268,0.7915,0.7822 47 | 125,1,0.06,144,0.2700,0.8614,0.9441,0.9536,0.8218,0.7975 48 | 487,1,0.38,212,0.2390,0.9200,0.9002,0.9713,0.8172,0.8141 49 | 134,3,0.36,257,0.4220,1.0165,0.9950,0.9272,0.8006,0.7809 50 | 34,3,0.3,103,0.9010,1.3716,1.2140,0.8257,0.7447,0.7559 51 | 11,1,0.23,111,0.5022,1.0714,0.9571,0.9059,0.7961,0.7947 52 | --------------------------------------------------------------------------------