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)NLP topic mdel LDA - Gathered from New York Times website
CPM 项目描述 CPM(Chinese Pretrained Models)模型是北京智源人工智能研究院和清华大学发布的中文大规模预训练模型。官方发布了三种规模的模型,参数量分别为109M、334M、2.6B,用户需申请与通过审核,方可下载。 由于原项目需要考虑大模型的训练和使用,需要安装较为复杂
NaiveMT Prepare Clone this repository git clone [email protected]:Poeroz/NaiveMT.git
BERT-pytorch Pytorch implementation of Google AI's 2018 BERT, with simple annotation BERT 2018 BERT: Pre-training of Deep Bidirectional Transformers f
WHAT: Supervised text vectorization tool Textvec is a text vectorization tool, with the aim to implement all the "classic" text vectorization NLP meth
pl_prompt_sst An example project using OpenPrompt under the framework of pytorch-lightning for a training prompt-based text classification model on SS
ConSERT Code for our ACL 2021 paper - ConSERT: A Contrastive Framework for Self-Supervised Sentence Representation Transfer Requirements torch==1.6.0
speech-to-text-translator Usage translate using your voice description this project makes translating a word easy, all you have to do is speak and...
KnowledgeEditor Code for Editing Factual Knowledge in Language Models (https://arxiv.org/abs/2104.08164). @inproceedings{decao2021editing, title={Ed
Neural Machine Translation communication system The model is basically direct to convert one source language to another targeted language using encode
Awesome-NLP-Research (ANLP)
Este repo ilustra un proceso sencillo de automatización de transformación y modelado de datos, a través de un pipeline utilizando Luigi. Stack princip
CPT This repository contains code and checkpoints for CPT. CPT: A Pre-Trained Unbalanced Transformer for Both Chinese Language Understanding and Gener
Crosslingual Coreference Coreference is amazing but the data required for training a model is very scarce. In our case, the available training for non
streamdf Streamdf is a lightweight data frame library built on top of the dictionary of numpy array, developed for Kaggle's time-series code competiti
Financial Services Example Bot This is an example chatbot demonstrating how to build AI assistants for financial services and banking with Rasa. It in
Rachford-Rice Contest This is the 25 + 1 year anniversary version of the 1995 Rachford-Rice contest. Can you solve the Rachford-Rice problem for all t
NeoDaysPlus Reduced contrast, expanded, and continuously developed version of the CDDA tileset NeoDays that's being completed with new sprites for mis
IVR-Chatbot Achievements 🏆 Team Uhtred won the Maverick 2.0 Bot-a-thon 2021 organized by AbInbev India. ❓ Problem Statement As we all know that, lot
cc_net Tools to download and clean Common Crawl as introduced in our paper CCNet. If you found these resources useful, please consider citing: @inproc