github

snakers4 / silero-models

  • воскресенье, 20 сентября 2020 г. в 00:26:33
https://github.com/snakers4/silero-models

Jupyter Notebook
Silero Models: pre-trained STT models and benchmarks made embarrassingly simple



Mailing list : test Mailing list : test License: CC BY-NC 4.0

Open In Colab

header)

Silero Models

Silero Models: pre-trained enterprise-grade STT models and benchmarks. Enterprise-grade STT made refreshingly simple (seriously, see benchmarks). We provide quality comparable to Google's STT (and sometimes even better) and we are not Google.

As a bonus:

  • No Kaldi;
  • No compilation;
  • No 20-step instructions;

Getting started

All of the provided models are listed in the models.yml file. Any meta-data and newer versions will be added there.

Currently we provide the following checkpoints:

PyTorch ONNX TensorFlow Quantization Quality Colab
English (en_v1) ✔️ ✔️ ✔️ link Open In Colab
German (de_v1) ✔️ ✔️ ✔️ link Open In Colab
Spanish (es_v1) ✔️ ✔️ ✔️ link Open In Colab

PyTorch

Open In Colab

Dependencies:

  • PyTorch 1.6+
  • TorchAudio 0.7+ (you can use your own data loaders)
  • omegaconf (or any similar library to work with yaml files)

Loading a model is as easy as cloning this repository and:

import torch
from omegaconf import OmegaConf

models = OmegaConf.load('models.yml')
device = torch.device('cpu')   # you can use any pytorch device
model, decoder = init_jit_model(models.stt_models.en.latest.jit, device=device)

Or you can just use TorchHub:

torch.hub clones the repo for you behind the scenes.

import torch

device = torch.device('cpu')  # gpu also works, but our models are fast enough for CPU
model, decoder, utils = torch.hub.load(github='snakers4/silero-models',
                                       model='silero_stt',
                                       device=device,
                                       force_reload=True,
                                       language='de')

(read_batch,
 split_into_batches,
 read_audio,
 prepare_model_input) = utils  # see function signatures for details

We provide our models as TorchScript packages, so you can use the deployment options PyTorch itself provides (C++, Java). See details in the example notebook.

ONNX

Open In Colab

You can run our model everywhere, where you can import the ONNX model or run ONNX runtime.

Dependencies:

  • PyTorch 1.6+ (used for utilities only)
  • omegaconf (or any similar library to work with yaml files)
  • onnx
  • onnxruntime

Just clone the repo and:

import json
import onnx
import torch
import tempfile
import onnxruntime
from omegaconf import OmegaConf

models = OmegaConf.load('models.yml')

with tempfile.NamedTemporaryFile('wb', suffix='.json') as f:
    torch.hub.download_url_to_file(models.stt_models.en.latest.labels,
                               f.name,
                               progress=True)
    with open(f.name) as f:
        labels = json.load(f)
        decoder = Decoder(labels)

with tempfile.NamedTemporaryFile('wb', suffix='.model') as f:
    torch.hub.download_url_to_file(models.stt_models.en.latest.onnx,
                                   f.name,
                                   progress=True)
    onnx_model = onnx.load(f.name)
    onnx.checker.check_model(onnx_model)
    ort_session = onnxruntime.InferenceSession(f.name)

See details in the example notebook.

TensorFlow

We provide tensorflow checkpoints, but we do not provide any related utilities.

Examples

Colab notebooks and interactive demos are on the way. Please refer to this notebook in the meantime for:

  • PyTorch example
  • ONNX example

Wiki

Also check out our wiki.

Performance

Please refer to this wiki section.

Get in Touch

Try our models, create an issue, join our chat, email us.

Commercial Inquiries

Please see our wiki and tiers for relevant information and email us.