ai4bharat / indicwav2vec-hindi

huggingface.co
Total runs: 3.6K
24-hour runs: 23
7-day runs: 677
30-day runs: 2.1K
Model's Last Updated: 7月 27 2022
automatic-speech-recognition

Introduction of indicwav2vec-hindi

Model Details of indicwav2vec-hindi

IndicWav2Vec-Hindi

This is a Wav2Vec2 style ASR model trained in fairseq and ported to Hugging Face. More details on datasets, training-setup and conversion to HuggingFace format can be found in the IndicWav2Vec repo.
Note: This model doesn't support inference with Language Model.

Script to Run Inference
import torch
from datasets import load_dataset
from transformers import AutoModelForCTC, AutoProcessor
import torchaudio.functional as F

DEVICE_ID = "cuda" if torch.cuda.is_available() else "cpu"
MODEL_ID = "ai4bharat/indicwav2vec-hindi"

sample = next(iter(load_dataset("common_voice", "hi", split="test", streaming=True)))
resampled_audio = F.resample(torch.tensor(sample["audio"]["array"]), 48000, 16000).numpy()

model = AutoModelForCTC.from_pretrained(MODEL_ID).to(DEVICE_ID)
processor = AutoProcessor.from_pretrained(MODEL_ID)

input_values = processor(resampled_audio, return_tensors="pt").input_values

with torch.no_grad():
    logits = model(input_values.to(DEVICE_ID)).logits.cpu()
    
prediction_ids = torch.argmax(logits, dim=-1)
output_str = processor.batch_decode(prediction_ids)[0]
print(f"Greedy Decoding: {output_str}")

About AI4Bharat

Runs of ai4bharat indicwav2vec-hindi on huggingface.co

3.6K
Total runs
23
24-hour runs
306
3-day runs
677
7-day runs
2.1K
30-day runs

More Information About indicwav2vec-hindi huggingface.co Model

More indicwav2vec-hindi license Visit here:

https://choosealicense.com/licenses/apache-2.0

indicwav2vec-hindi huggingface.co

indicwav2vec-hindi huggingface.co is an AI model on huggingface.co that provides indicwav2vec-hindi's model effect (), which can be used instantly with this ai4bharat indicwav2vec-hindi model. huggingface.co supports a free trial of the indicwav2vec-hindi model, and also provides paid use of the indicwav2vec-hindi. Support call indicwav2vec-hindi model through api, including Node.js, Python, http.

indicwav2vec-hindi huggingface.co Url

https://huggingface.co/ai4bharat/indicwav2vec-hindi

ai4bharat indicwav2vec-hindi online free

indicwav2vec-hindi huggingface.co is an online trial and call api platform, which integrates indicwav2vec-hindi's modeling effects, including api services, and provides a free online trial of indicwav2vec-hindi, you can try indicwav2vec-hindi online for free by clicking the link below.

ai4bharat indicwav2vec-hindi online free url in huggingface.co:

https://huggingface.co/ai4bharat/indicwav2vec-hindi

indicwav2vec-hindi install

indicwav2vec-hindi is an open source model from GitHub that offers a free installation service, and any user can find indicwav2vec-hindi on GitHub to install. At the same time, huggingface.co provides the effect of indicwav2vec-hindi install, users can directly use indicwav2vec-hindi installed effect in huggingface.co for debugging and trial. It also supports api for free installation.

indicwav2vec-hindi install url in huggingface.co:

https://huggingface.co/ai4bharat/indicwav2vec-hindi

Url of indicwav2vec-hindi

indicwav2vec-hindi huggingface.co Url

Provider of indicwav2vec-hindi huggingface.co

ai4bharat
ORGANIZATIONS

Other API from ai4bharat

huggingface.co

Total runs: 1.1M
Run Growth: 656.1K
Growth Rate: 59.59%
Updated: 8月 07 2022
huggingface.co

Total runs: 49.5K
Run Growth: 3.8K
Growth Rate: 7.58%
Updated: 12月 21 2022
huggingface.co

Total runs: 1.7K
Run Growth: 295
Growth Rate: 16.88%
Updated: 8月 07 2022
huggingface.co

Total runs: 1.1K
Run Growth: -3.1K
Growth Rate: -278.75%
Updated: 3月 11 2024
huggingface.co

Total runs: 223
Run Growth: -81
Growth Rate: -23.62%
Updated: 10月 18 2024
huggingface.co

Total runs: 8
Run Growth: -3
Growth Rate: -11.54%
Updated: 10月 18 2024