ai4bharat / indicwav2vec-odia

huggingface.co
Total runs: 415
24-hour runs: 22
7-day runs: 56
30-day runs: 212
Model's Last Updated: August 20 2023
automatic-speech-recognition

Introduction of indicwav2vec-odia

Model Details of indicwav2vec-odia

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.

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-odia"

sample = next(iter(load_dataset("common_voice", "or", 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-odia on huggingface.co

415
Total runs
22
24-hour runs
71
3-day runs
56
7-day runs
212
30-day runs

More Information About indicwav2vec-odia huggingface.co Model

More indicwav2vec-odia license Visit here:

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

indicwav2vec-odia huggingface.co

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

indicwav2vec-odia huggingface.co Url

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

ai4bharat indicwav2vec-odia online free

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

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

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

indicwav2vec-odia install

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

indicwav2vec-odia install url in huggingface.co:

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

Url of indicwav2vec-odia

indicwav2vec-odia huggingface.co Url

Provider of indicwav2vec-odia huggingface.co

ai4bharat
ORGANIZATIONS

Other API from ai4bharat

huggingface.co

Total runs: 1.1M
Run Growth: 781.3K
Growth Rate: 67.72%
Updated: August 07 2022
huggingface.co

Total runs: 47.7K
Run Growth: 3.2K
Growth Rate: 6.71%
Updated: December 21 2022
huggingface.co

Total runs: 1.8K
Run Growth: 350
Growth Rate: 19.84%
Updated: August 07 2022
huggingface.co

Total runs: 1.1K
Run Growth: -3.1K
Growth Rate: -276.92%
Updated: March 11 2024
huggingface.co

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

Total runs: 24
Run Growth: 9
Growth Rate: 42.86%
Updated: October 18 2024
huggingface.co

Total runs: 18
Run Growth: 7
Growth Rate: 30.43%
Updated: October 18 2024
huggingface.co

Total runs: 8
Run Growth: -3
Growth Rate: -11.54%
Updated: October 18 2024
huggingface.co

Total runs: 3
Run Growth: 17
Growth Rate: 56.67%
Updated: October 18 2024
huggingface.co

Total runs: 3
Run Growth: 10
Growth Rate: 40.00%
Updated: October 18 2024