vieenrose's Stars
sanchit-gandhi/whisper-jax
JAX implementation of OpenAI's Whisper model for up to 70x speed-up on TPU.
databrickslabs/dolly
Databricks’ Dolly, a large language model trained on the Databricks Machine Learning Platform
maxbbraun/whisper-edge
OpenAI Whisper for edge devices
PaddlePaddle/PaddleSpeech
Easy-to-use Speech Toolkit including Self-Supervised Learning model, SOTA/Streaming ASR with punctuation, Streaming TTS with text frontend, Speaker Verification System, End-to-End Speech Translation and Keyword Spotting. Won NAACL2022 Best Demo Award.
jessevig/bertviz
BertViz: Visualize Attention in NLP Models (BERT, GPT2, BART, etc.)
howl-anderson/rasa_chinese
rasa_chinese 专门针对中文语言的 rasa 组件扩展包,提供了许多针对中文语言的组件
gladiaio/gladia-cli
facebookresearch/denoiser
Real Time Speech Enhancement in the Waveform Domain (Interspeech 2020)We provide a PyTorch implementation of the paper Real Time Speech Enhancement in the Waveform Domain. In which, we present a causal speech enhancement model working on the raw waveform that runs in real-time on a laptop CPU. The proposed model is based on an encoder-decoder architecture with skip-connections. It is optimized on both time and frequency domains, using multiple loss functions. Empirical evidence shows that it is capable of removing various kinds of background noise including stationary and non-stationary noises, as well as room reverb. Additionally, we suggest a set of data augmentation techniques applied directly on the raw waveform which further improve model performance and its generalization abilities.
snakers4/silero-vad
Silero VAD: pre-trained enterprise-grade Voice Activity Detector
SYSTRAN/faster-whisper
Faster Whisper transcription with CTranslate2
ahmetoner/whisper-asr-webservice
OpenAI Whisper ASR Webservice API
modal-labs/modal-examples
Examples of programs built using Modal
TaiwanAILabs-Yating/asr-sdk-python
TaiwanAILabs-Yating/asr-samples-python
openai/whisper
Robust Speech Recognition via Large-Scale Weak Supervision
FamousDirector/FastWhisper
This is an optimized implementation of OpenAI's Whisper for multilingual transcription.
aadhithya/onnx-typecast
Script to typecast ONNX model parameters from INT64 to INT32.
microsoft/onnxconverter-common
Common utilities for ONNX converters
NVIDIA-AI-IOT/torch2trt
An easy to use PyTorch to TensorRT converter
ggerganov/whisper.cpp
Port of OpenAI's Whisper model in C/C++
ProjectEGU/whisper-for-low-vram
Robust Speech Recognition via Large-Scale Weak Supervision
pytorch/audio
Data manipulation and transformation for audio signal processing, powered by PyTorch
huggingface/optimum
🚀 Accelerate inference and training of 🤗 Transformers, Diffusers, TIMM and Sentence Transformers with easy to use hardware optimization tools
kmaehashi/cupy-jetpack-wheels
oliverguhr/wav2vec2-live
A live speech recognition using Facebooks wav2vec 2.0 model.
neuralmagic/deepsparse
Sparsity-aware deep learning inference runtime for CPUs
pytorch/android-demo-app
PyTorch android examples of usage in applications
jonatasgrosman/huggingsound
HuggingSound: A toolkit for speech-related tasks based on Hugging Face's tools
shirayu/whispering
Streaming transcriber with whisper
ahammedrohit/Speech-Recognition-using-wav2vec2-with-minimum-GPU
Python Colab for speech recognition with wav2vec2. Since wav2vec2 requires heavy GPU I've come up with a way to run this on Google Colab as well as local machines with minimum GPU.