st3
STT for TorchScript is a port of Coqui STT based on DeepSpeech to PyTorch.
Currently it supports converting pbmm
models to pt
scripts with integrated beam search.
Check out the first pre-release: https://github.com/proger/st3/releases
STT for TorchScript is a port of Coqui STT based on DeepSpeech to PyTorch.
Currently it supports converting pbmm
models to pt
scripts with integrated beam search.
Check out the first pre-release: https://github.com/proger/st3/releases
PyTorch impelementations of BERT-based Spelling Error Correction Models
VAENAR-TTS - PyTorch Implementation PyTorch Implementation of VAENAR-TTS: Variational Auto-Encoder based Non-AutoRegressive Text-to-Speech Synthesis.
WaveGlow A PyTorch implementation of the WaveGlow: A Flow-based Generative Network for Speech Synthesis Quick Start: Install requirements: pip install
Deepvoice3_pytorch PyTorch implementation of convolutional networks-based text-to-speech synthesis models: arXiv:1710.07654: Deep Voice 3: Scaling Tex
Transformers4Rec is a flexible and efficient library for sequential and session-based recommendation, available for both PyTorch and Tensorflow.
Transformer Embedder A Word Level Transformer layer based on PyTorch and 🤗 Transformers. How to use Install the library from PyPI: pip install transf
CIF-PyTorch This is a PyTorch based implementation of continuous integrate-and-fire (CIF) module for end-to-end (E2E) automatic speech recognition (AS
pl_prompt_sst An example project using OpenPrompt under the framework of pytorch-lightning for a training prompt-based text classification model on SS
Text is no more Enough! A Benchmark for Profile-based Spoken Language Understanding This repository contains the official PyTorch implementation of th
This is a conversion of Coqui English STT v0.9.3 model to TorchScript, allowing to deploy a speech recognizer as a single file. The TorchScript bundle is self-contained and runs DeepSpeech frontend and beam search returning 10 best results. LM Scorer is not supported at the moment.
To run, download the pt file and save the following code to recognize.py
and make sure you have torchaudio
installed using pip3 install torchaudio
:
import torch, torchaudio, sys
waveform, sr = torchaudio.load(sys.argv[1], normalize=True)
assert sr == 16000
model = torch.jit.load('coqui-stt-0.9.3-models.pt')
for transcript, scores in model(waveform.squeeze()):
print(transcript, scores)
Now you can run the model on English recordings like below. Any format supported by TorchAudio backend should work.
python3 recognize.py sample.wav
Source code(tar.gz)Athena is an open-source implementation of end-to-end speech processing engine. Our vision is to empower both industrial application and academic research on end-to-end models for speech processing.
py3langid py3langid is a fork of the standalone language identification tool langid.py by Marco Lui. Original license: BSD-2-Clause. Fork license: BSD
Provides an implementation of today's most used tokenizers, with a focus on performance and versatility. Main features: Train new vocabularies and tok
Weaviate demo with the text2vec-openai module This repository contains an example of how to use the Weaviate text2vec-openai module. When using this d
nwg-wrapper This program is a part of the nwg-shell project. This program is a GTK3-based wrapper to display a script output, or a text file content o
Ps: we are adding transformer model soon Text Gen 🐐 Almost State-of-the-art Text Generation library Text gen is a python library that allow you build
This repository is an implementation of Transfer Learning from Speaker Verification to Multispeaker Text-To-Speech Synthesis (SV2TTS) with a vocoder that works in real-time. Feel free to check my the
prompt2slip This library is testing the ethics of language models by using natural adversarial texts. This tool allows for short and simple code and v
Text-to-speech-with-GUI Text to speech converter with GUI made in Python. To run this download the zip file and run the main file or clone this repo.
spacy-experimental: Cutting-edge experimental spaCy components and features This package includes experimental components and features for spaCy v3.x,
Note: This utility is really old and is no longer maintained. You should use keras.layers.TextVectorization instead of this. Utilities for pre-process
English_proficiency_prediction_NLP The aim of this task is to predict someone's English proficiency based on a text input. Using the The NICT JLE Corp
Wav2Vec2CTC With KenLM Using KenLM ARPA language model with beam search to decode audio files and show the most probable transcription. Assuming you'v
trfaq Google supported this work by providing Google Cloud credit. Thank you Google for supporting the open source! 🎉 What is this? At this repo, I'm
KoSentimentAnalysis Bert implementation for the Korean multi-class sentiment analysis 왜 한국어 감정 다중분류 모델은 거의 없는 것일까?에서 시작된 프로젝트 Environment: Pytorch, Da
Image2PCL Enter the metaverse with 2D image to 3D projections! This is an implem
BERT Attention Analysis This repository contains code for What Does BERT Look At? An Analysis of BERT's Attention. It includes code for getting attent
A list of NLP(Natural Language Processing) tutorials built on Tensorflow 2.0.
NLP算法 说明 此算法仓库包括文本分类、序列标注、关系抽取、文本匹配、文本相似度匹配这五个主流NLP任务,涉及到22个相关的模型算法。 框架结构 文件结构 all_models ├── Base_line │ ├── __init__.py │ ├── base_data_process.
tf-transformers: faster and easier state-of-the-art NLP in TensorFlow 2.0 ****************************************************************************