|
import os |
|
import gradio as gr |
|
import numpy as np |
|
import soundfile as sf |
|
from semanticodec import SemantiCodec |
|
from huggingface_hub import HfApi |
|
import spaces |
|
import torch |
|
import tempfile |
|
import io |
|
import uuid |
|
import pickle |
|
from pathlib import Path |
|
|
|
|
|
def load_model(): |
|
model = SemantiCodec(token_rate=100, semantic_vocab_size=32768) |
|
if torch.cuda.is_available(): |
|
|
|
model.to("cuda:0") |
|
return model |
|
|
|
|
|
semanticodec = load_model() |
|
|
|
model_device = "cuda:0" if torch.cuda.is_available() else "cpu" |
|
print(f"Model initialized on device: {model_device}") |
|
|
|
@spaces.GPU(duration=20) |
|
def encode_audio(audio_path): |
|
"""Encode audio file to tokens and return them as a file""" |
|
try: |
|
print(f"Encoding audio on device: {model_device}") |
|
tokens = semanticodec.encode(audio_path) |
|
print(f"Tokens device after encode: {tokens.device if isinstance(tokens, torch.Tensor) else 'numpy'}") |
|
|
|
|
|
if isinstance(tokens, torch.Tensor): |
|
tokens = tokens.cpu().numpy() |
|
|
|
|
|
if tokens.ndim == 1: |
|
|
|
tokens = tokens.reshape(1, -1, 1) |
|
|
|
|
|
token_data = { |
|
'tokens': tokens, |
|
'shape': tokens.shape, |
|
'device': str(model_device) |
|
} |
|
|
|
|
|
temp_dir = "/tmp" |
|
os.makedirs(temp_dir, exist_ok=True) |
|
temp_file_path = os.path.join(temp_dir, f"tokens_{uuid.uuid4()}.oterin") |
|
|
|
|
|
with open(temp_file_path, "wb") as f: |
|
pickle.dump(token_data, f) |
|
|
|
|
|
if not os.path.exists(temp_file_path) or os.path.getsize(temp_file_path) == 0: |
|
raise Exception("Failed to create token file") |
|
|
|
return temp_file_path, f"Encoded to {tokens.shape[1]} tokens" |
|
except Exception as e: |
|
print(f"Encoding error: {str(e)}") |
|
return None, f"Error encoding audio: {str(e)}" |
|
|
|
@spaces.GPU(duration=340) |
|
def decode_tokens(token_file): |
|
"""Decode tokens to audio""" |
|
|
|
if not token_file or not os.path.exists(token_file): |
|
return None, "Error: Empty or missing token file" |
|
|
|
try: |
|
|
|
with open(token_file, "rb") as f: |
|
token_data = pickle.load(f) |
|
|
|
tokens = token_data['tokens'] |
|
intended_device = token_data.get('device', model_device) |
|
print(f"Loaded tokens with shape {tokens.shape}, intended device: {intended_device}") |
|
|
|
|
|
tokens_tensor = torch.tensor(tokens, dtype=torch.float32) |
|
print(f"Tokens tensor created on device: {tokens_tensor.device}") |
|
|
|
|
|
tokens_tensor = tokens_tensor.to(model_device) |
|
print(f"Tokens moved to device: {tokens_tensor.device}") |
|
|
|
|
|
semanticodec.to(model_device) |
|
print(f"Model device before decode: {next(semanticodec.parameters()).device}") |
|
|
|
|
|
waveform = semanticodec.decode(tokens_tensor) |
|
print(f"Waveform device after decode: {waveform.device if isinstance(waveform, torch.Tensor) else 'numpy'}") |
|
|
|
|
|
if isinstance(waveform, torch.Tensor): |
|
waveform = waveform.cpu().numpy() |
|
|
|
|
|
output_buffer = io.BytesIO() |
|
sf.write(output_buffer, waveform[0, 0], 32000, format='WAV') |
|
output_buffer.seek(0) |
|
|
|
|
|
if output_buffer.getbuffer().nbytes == 0: |
|
return None, "Error: Failed to generate audio" |
|
|
|
return output_buffer, f"Decoded {tokens.shape[1]} tokens to audio" |
|
except Exception as e: |
|
print(f"Decoding error: {str(e)}") |
|
return None, f"Error decoding tokens: {str(e)}" |
|
|
|
@spaces.GPU(duration=360) |
|
def process_both(audio_path): |
|
"""Encode and then decode the audio without saving intermediate files""" |
|
try: |
|
print(f"Processing both on device: {model_device}") |
|
|
|
tokens = semanticodec.encode(audio_path) |
|
print(f"Tokens device after encode: {tokens.device if isinstance(tokens, torch.Tensor) else 'numpy'}") |
|
|
|
if isinstance(tokens, torch.Tensor): |
|
tokens = tokens.cpu().numpy() |
|
|
|
|
|
if tokens.ndim == 1: |
|
|
|
tokens = tokens.reshape(1, -1, 1) |
|
|
|
|
|
tokens_tensor = torch.tensor(tokens, dtype=torch.float32) |
|
print(f"Tokens tensor created on device: {tokens_tensor.device}") |
|
|
|
|
|
tokens_tensor = tokens_tensor.to(model_device) |
|
print(f"Tokens moved to device: {tokens_tensor.device}") |
|
|
|
|
|
semanticodec.to(model_device) |
|
print(f"Model device before decode: {next(semanticodec.parameters()).device}") |
|
|
|
|
|
waveform = semanticodec.decode(tokens_tensor) |
|
print(f"Waveform device after decode: {waveform.device if isinstance(waveform, torch.Tensor) else 'numpy'}") |
|
|
|
|
|
if isinstance(waveform, torch.Tensor): |
|
waveform = waveform.cpu().numpy() |
|
|
|
|
|
output_buffer = io.BytesIO() |
|
sf.write(output_buffer, waveform[0, 0], 32000, format='WAV') |
|
output_buffer.seek(0) |
|
|
|
|
|
if output_buffer.getbuffer().nbytes == 0: |
|
return None, "Error: Failed to generate audio" |
|
|
|
return output_buffer, f"Encoded to {tokens.shape[1]} tokens\nDecoded {tokens.shape[1]} tokens to audio" |
|
except Exception as e: |
|
print(f"Processing error: {str(e)}") |
|
return None, f"Error processing audio: {str(e)}" |
|
|
|
|
|
with gr.Blocks(title="Oterin Audio Codec") as demo: |
|
gr.Markdown("# Oterin Audio Codec") |
|
gr.Markdown("Upload an audio file to encode it to semantic tokens, decode tokens back to audio, or do both.") |
|
|
|
with gr.Tab("Encode Audio"): |
|
with gr.Row(): |
|
encode_input = gr.Audio(type="filepath", label="Input Audio") |
|
encode_output = gr.File(label="Encoded Tokens (.oterin)", file_types=[".oterin"]) |
|
encode_status = gr.Textbox(label="Status") |
|
encode_btn = gr.Button("Encode") |
|
encode_btn.click(encode_audio, inputs=encode_input, outputs=[encode_output, encode_status]) |
|
|
|
with gr.Tab("Decode Tokens"): |
|
with gr.Row(): |
|
decode_input = gr.File(label="Token File (.oterin)", file_types=[".oterin"]) |
|
decode_output = gr.Audio(label="Decoded Audio") |
|
decode_status = gr.Textbox(label="Status") |
|
decode_btn = gr.Button("Decode") |
|
decode_btn.click(decode_tokens, inputs=decode_input, outputs=[decode_output, decode_status]) |
|
|
|
with gr.Tab("Both (Encode & Decode)"): |
|
with gr.Row(): |
|
both_input = gr.Audio(type="filepath", label="Input Audio") |
|
both_output = gr.Audio(label="Reconstructed Audio") |
|
both_status = gr.Textbox(label="Status") |
|
both_btn = gr.Button("Process") |
|
both_btn.click(process_both, inputs=both_input, outputs=[both_output, both_status]) |
|
|
|
if __name__ == "__main__": |
|
demo.launch(share=True) |