mirror of https://github.com/coqui-ai/TTS.git
get git hash
This commit is contained in:
parent
a9eadd1b8a
commit
ddd3b9bb6e
|
@ -11,7 +11,7 @@
|
||||||
"text_cleaner": "english_cleaners",
|
"text_cleaner": "english_cleaners",
|
||||||
|
|
||||||
"epochs": 2000,
|
"epochs": 2000,
|
||||||
"lr": 0.002,
|
"lr": 0.003,
|
||||||
"warmup_steps": 4000,
|
"warmup_steps": 4000,
|
||||||
"batch_size": 128,
|
"batch_size": 128,
|
||||||
"eval_batch_size":32,
|
"eval_batch_size":32,
|
||||||
|
@ -20,7 +20,7 @@
|
||||||
"griffin_lim_iters": 60,
|
"griffin_lim_iters": 60,
|
||||||
"power": 1.5,
|
"power": 1.5,
|
||||||
|
|
||||||
"num_loader_workers": 8,
|
"num_loader_workers": 12,
|
||||||
|
|
||||||
"checkpoint": true,
|
"checkpoint": true,
|
||||||
"save_step": 94,
|
"save_step": 94,
|
||||||
|
|
2
train.py
2
train.py
|
@ -21,7 +21,7 @@ from tensorboardX import SummaryWriter
|
||||||
from utils.generic_utils import (Progbar, remove_experiment_folder,
|
from utils.generic_utils import (Progbar, remove_experiment_folder,
|
||||||
create_experiment_folder, save_checkpoint,
|
create_experiment_folder, save_checkpoint,
|
||||||
save_best_model, load_config, lr_decay,
|
save_best_model, load_config, lr_decay,
|
||||||
count_parameters, check_update)
|
count_parameters, check_update, get_commit_hash)
|
||||||
from utils.model import get_param_size
|
from utils.model import get_param_size
|
||||||
from utils.visual import plot_alignment, plot_spectrogram
|
from utils.visual import plot_alignment, plot_spectrogram
|
||||||
from datasets.LJSpeech import LJSpeechDataset
|
from datasets.LJSpeech import LJSpeechDataset
|
||||||
|
|
|
@ -6,6 +6,7 @@ import shutil
|
||||||
import datetime
|
import datetime
|
||||||
import json
|
import json
|
||||||
import torch
|
import torch
|
||||||
|
import subprocess
|
||||||
import numpy as np
|
import numpy as np
|
||||||
from collections import OrderedDict
|
from collections import OrderedDict
|
||||||
|
|
||||||
|
@ -22,10 +23,19 @@ def load_config(config_path):
|
||||||
return config
|
return config
|
||||||
|
|
||||||
|
|
||||||
|
def get_commit_hash():
|
||||||
|
"""https://stackoverflow.com/questions/14989858/get-the-current-git-hash-in-a-python-script"""
|
||||||
|
subprocess.check_output(['git', 'diff-index', '--quiet', 'HEAD']) # Verify client is clean
|
||||||
|
commit = subprocess.check_output(['git', 'rev-parse', '--short', 'HEAD']).decode().strip()
|
||||||
|
print(' > Git Hash: {}'.format(commit))
|
||||||
|
return commit
|
||||||
|
|
||||||
|
|
||||||
def create_experiment_folder(root_path):
|
def create_experiment_folder(root_path):
|
||||||
""" Create a folder with the current date and time """
|
""" Create a folder with the current date and time """
|
||||||
date_str = datetime.datetime.now().strftime("%B-%d-%Y_%I:%M%p")
|
date_str = datetime.datetime.now().strftime("%B-%d-%Y_%I:%M%p")
|
||||||
output_folder = os.path.join(root_path, date_str)
|
commit_hash = get_commit_hash()
|
||||||
|
output_folder = os.path.join(root_path, date_str + '-' + commit_hash)
|
||||||
os.makedirs(output_folder, exist_ok=True)
|
os.makedirs(output_folder, exist_ok=True)
|
||||||
print(" > Experiment folder: {}".format(output_folder))
|
print(" > Experiment folder: {}".format(output_folder))
|
||||||
return output_folder
|
return output_folder
|
||||||
|
@ -111,6 +121,7 @@ def check_update(model, grad_clip, grad_top):
|
||||||
|
|
||||||
def lr_decay(init_lr, global_step, warmup_steps):
|
def lr_decay(init_lr, global_step, warmup_steps):
|
||||||
r'''from https://github.com/r9y9/tacotron_pytorch/blob/master/train.py'''
|
r'''from https://github.com/r9y9/tacotron_pytorch/blob/master/train.py'''
|
||||||
|
warmup_steps = float(warmup_steps)
|
||||||
step = global_step + 1.
|
step = global_step + 1.
|
||||||
lr = init_lr * warmup_steps**0.5 * np.minimum(step * warmup_steps**-1.5,
|
lr = init_lr * warmup_steps**0.5 * np.minimum(step * warmup_steps**-1.5,
|
||||||
step**-0.5)
|
step**-0.5)
|
||||||
|
@ -124,7 +135,7 @@ def count_parameters(model):
|
||||||
|
|
||||||
class Progbar(object):
|
class Progbar(object):
|
||||||
"""Displays a progress bar.
|
"""Displays a progress bar.
|
||||||
# Arguments
|
Args:
|
||||||
target: Total number of steps expected, None if unknown.
|
target: Total number of steps expected, None if unknown.
|
||||||
interval: Minimum visual progress update interval (in seconds).
|
interval: Minimum visual progress update interval (in seconds).
|
||||||
"""
|
"""
|
||||||
|
|
Loading…
Reference in New Issue