2022-11-25 17:15:56 -07:00
|
|
|
"""
|
|
|
|
Inference server for the riffusion project.
|
|
|
|
"""
|
|
|
|
|
|
|
|
import base64
|
|
|
|
import dataclasses
|
|
|
|
import logging
|
|
|
|
import io
|
|
|
|
import json
|
|
|
|
from pathlib import Path
|
|
|
|
import time
|
2022-11-25 23:49:25 -07:00
|
|
|
import typing as T
|
2022-11-25 17:15:56 -07:00
|
|
|
|
|
|
|
import dacite
|
|
|
|
import flask
|
2022-11-27 17:06:12 -07:00
|
|
|
|
2022-11-25 17:15:56 -07:00
|
|
|
from flask_cors import CORS
|
|
|
|
import PIL
|
|
|
|
import torch
|
|
|
|
|
2022-12-12 23:01:47 -07:00
|
|
|
from huggingface_hub import hf_hub_download
|
|
|
|
|
2022-11-25 17:15:56 -07:00
|
|
|
from .audio import wav_bytes_from_spectrogram_image
|
|
|
|
from .audio import mp3_bytes_from_wav_bytes
|
|
|
|
from .datatypes import InferenceInput
|
|
|
|
from .datatypes import InferenceOutput
|
|
|
|
from .riffusion_pipeline import RiffusionPipeline
|
|
|
|
|
|
|
|
# Flask app with CORS
|
|
|
|
app = flask.Flask(__name__)
|
|
|
|
CORS(app)
|
|
|
|
|
|
|
|
# Log at the INFO level to both stdout and disk
|
|
|
|
logging.basicConfig(level=logging.INFO)
|
|
|
|
logging.getLogger().addHandler(logging.FileHandler("server.log"))
|
|
|
|
|
|
|
|
# Global variable for the model pipeline
|
|
|
|
MODEL = None
|
|
|
|
|
|
|
|
# Where built-in seed images are stored
|
|
|
|
SEED_IMAGES_DIR = Path(Path(__file__).resolve().parent.parent, "seed_images")
|
|
|
|
|
|
|
|
|
|
|
|
def run_app(
|
|
|
|
*,
|
2022-12-12 23:16:45 -07:00
|
|
|
checkpoint: str = "riffusion/riffusion-model-v1",
|
2022-12-22 22:08:37 -07:00
|
|
|
no_traced_unet: bool = False,
|
2022-11-25 17:15:56 -07:00
|
|
|
host: str = "127.0.0.1",
|
|
|
|
port: int = 3000,
|
|
|
|
debug: bool = False,
|
2022-11-25 23:49:25 -07:00
|
|
|
ssl_certificate: T.Optional[str] = None,
|
2022-11-27 14:55:42 -07:00
|
|
|
ssl_key: T.Optional[str] = None,
|
2022-11-25 17:15:56 -07:00
|
|
|
):
|
|
|
|
"""
|
|
|
|
Run a flask API that serves the given riffusion model checkpoint.
|
|
|
|
"""
|
|
|
|
# Initialize the model
|
|
|
|
global MODEL
|
2022-12-22 22:08:37 -07:00
|
|
|
MODEL = load_model(checkpoint=checkpoint, traced_unet=not no_traced_unet)
|
2022-11-25 17:15:56 -07:00
|
|
|
|
2022-11-25 23:49:25 -07:00
|
|
|
args = dict(
|
2022-11-25 17:15:56 -07:00
|
|
|
debug=debug,
|
|
|
|
threaded=False,
|
|
|
|
host=host,
|
|
|
|
port=port,
|
|
|
|
)
|
|
|
|
|
2022-11-25 23:49:25 -07:00
|
|
|
if ssl_certificate:
|
|
|
|
assert ssl_key is not None
|
|
|
|
args["ssl_context"] = (ssl_certificate, ssl_key)
|
|
|
|
|
|
|
|
app.run(**args)
|
|
|
|
|
2022-11-25 17:15:56 -07:00
|
|
|
|
2022-12-22 22:08:37 -07:00
|
|
|
def load_model(checkpoint: str, traced_unet: bool = True):
|
2022-11-25 17:15:56 -07:00
|
|
|
"""
|
|
|
|
Load the riffusion model pipeline.
|
|
|
|
"""
|
|
|
|
assert torch.cuda.is_available()
|
|
|
|
|
|
|
|
model = RiffusionPipeline.from_pretrained(
|
|
|
|
checkpoint,
|
2022-12-12 23:43:46 -07:00
|
|
|
revision="main",
|
2022-12-12 23:01:47 -07:00
|
|
|
torch_dtype=torch.float16,
|
|
|
|
# Disable the NSFW filter, causes incorrect false positives
|
|
|
|
safety_checker=lambda images, **kwargs: (images, False),
|
2022-12-12 23:55:07 -07:00
|
|
|
).to("cuda")
|
2022-12-12 23:01:47 -07:00
|
|
|
|
2022-12-22 22:08:37 -07:00
|
|
|
# Set the traced unet if desired
|
|
|
|
if checkpoint == "riffusion/riffusion-model-v1" and traced_unet:
|
|
|
|
@dataclasses.dataclass
|
|
|
|
class UNet2DConditionOutput:
|
|
|
|
sample: torch.FloatTensor
|
2022-12-12 23:43:46 -07:00
|
|
|
|
2022-12-22 22:08:37 -07:00
|
|
|
# Using traced unet from hf hub
|
|
|
|
unet_file = hf_hub_download(
|
|
|
|
checkpoint, filename="unet_traced.pt", subfolder="unet_traced"
|
|
|
|
)
|
|
|
|
unet_traced = torch.jit.load(unet_file)
|
2022-12-12 23:43:46 -07:00
|
|
|
|
2022-12-22 22:08:37 -07:00
|
|
|
class TracedUNet(torch.nn.Module):
|
|
|
|
def __init__(self):
|
|
|
|
super().__init__()
|
|
|
|
self.in_channels = model.unet.in_channels
|
|
|
|
self.device = model.unet.device
|
|
|
|
self.dtype = torch.float16
|
2022-12-12 23:01:47 -07:00
|
|
|
|
2022-12-22 22:08:37 -07:00
|
|
|
def forward(self, latent_model_input, t, encoder_hidden_states):
|
|
|
|
sample = unet_traced(latent_model_input, t, encoder_hidden_states)[0]
|
|
|
|
return UNet2DConditionOutput(sample=sample)
|
2022-12-12 23:01:47 -07:00
|
|
|
|
2022-12-22 22:08:37 -07:00
|
|
|
model.unet = TracedUNet()
|
2022-12-12 23:01:47 -07:00
|
|
|
|
2022-11-25 17:15:56 -07:00
|
|
|
model = model.to("cuda")
|
|
|
|
|
|
|
|
return model
|
|
|
|
|
|
|
|
|
|
|
|
@app.route("/run_inference/", methods=["POST"])
|
|
|
|
def run_inference():
|
|
|
|
"""
|
|
|
|
Execute the riffusion model as an API.
|
|
|
|
|
|
|
|
Inputs:
|
|
|
|
Serialized JSON of the InferenceInput dataclass
|
|
|
|
|
|
|
|
Returns:
|
|
|
|
Serialized JSON of the InferenceOutput dataclass
|
|
|
|
"""
|
|
|
|
start_time = time.time()
|
|
|
|
|
|
|
|
# Parse the payload as JSON
|
|
|
|
json_data = json.loads(flask.request.data)
|
|
|
|
|
|
|
|
# Log the request
|
|
|
|
logging.info(json_data)
|
|
|
|
|
|
|
|
# Parse an InferenceInput dataclass from the payload
|
|
|
|
try:
|
|
|
|
inputs = dacite.from_dict(InferenceInput, json_data)
|
|
|
|
except dacite.exceptions.WrongTypeError as exception:
|
|
|
|
logging.info(json_data)
|
|
|
|
return str(exception), 400
|
|
|
|
except dacite.exceptions.MissingValueError as exception:
|
|
|
|
logging.info(json_data)
|
|
|
|
return str(exception), 400
|
|
|
|
|
2022-11-27 17:06:12 -07:00
|
|
|
response = compute(inputs)
|
|
|
|
|
|
|
|
# Log the total time
|
|
|
|
logging.info(f"Request took {time.time() - start_time:.2f} s")
|
|
|
|
|
|
|
|
return response
|
|
|
|
|
2022-12-12 23:43:46 -07:00
|
|
|
|
2022-11-27 17:06:12 -07:00
|
|
|
def compute(inputs: InferenceInput) -> str:
|
|
|
|
"""
|
|
|
|
Does all the heavy lifting of the request.
|
|
|
|
"""
|
2022-11-25 17:15:56 -07:00
|
|
|
# Load the seed image by ID
|
|
|
|
init_image_path = Path(SEED_IMAGES_DIR, f"{inputs.seed_image_id}.png")
|
2022-11-27 17:06:12 -07:00
|
|
|
if not init_image_path.is_file():
|
2022-11-25 17:15:56 -07:00
|
|
|
return f"Invalid seed image: {inputs.seed_image_id}", 400
|
|
|
|
init_image = PIL.Image.open(str(init_image_path)).convert("RGB")
|
|
|
|
|
2022-11-25 23:48:52 -07:00
|
|
|
# Load the mask image by ID
|
|
|
|
if inputs.mask_image_id:
|
|
|
|
mask_image_path = Path(SEED_IMAGES_DIR, f"{inputs.mask_image_id}.png")
|
2022-11-27 17:06:12 -07:00
|
|
|
if not mask_image_path.is_file():
|
2022-11-25 23:48:52 -07:00
|
|
|
return f"Invalid mask image: {inputs.mask_image_id}", 400
|
|
|
|
mask_image = PIL.Image.open(str(mask_image_path)).convert("RGB")
|
|
|
|
else:
|
|
|
|
mask_image = None
|
|
|
|
|
2022-11-25 17:15:56 -07:00
|
|
|
# Execute the model to get the spectrogram image
|
2022-11-25 23:48:52 -07:00
|
|
|
image = MODEL.riffuse(inputs, init_image=init_image, mask_image=mask_image)
|
2022-11-25 17:15:56 -07:00
|
|
|
|
|
|
|
# Reconstruct audio from the image
|
2022-11-27 14:55:42 -07:00
|
|
|
wav_bytes, duration_s = wav_bytes_from_spectrogram_image(image)
|
2022-11-25 17:15:56 -07:00
|
|
|
mp3_bytes = mp3_bytes_from_wav_bytes(wav_bytes)
|
|
|
|
|
|
|
|
# Compute the output as base64 encoded strings
|
2022-11-26 12:24:50 -07:00
|
|
|
image_bytes = image_bytes_from_image(image, mode="JPEG")
|
2022-11-27 14:55:42 -07:00
|
|
|
|
|
|
|
# Assemble the output dataclass
|
|
|
|
output = InferenceOutput(
|
|
|
|
image="data:image/jpeg;base64," + base64_encode(image_bytes),
|
|
|
|
audio="data:audio/mpeg;base64," + base64_encode(mp3_bytes),
|
|
|
|
duration_s=duration_s,
|
|
|
|
)
|
2022-11-25 17:15:56 -07:00
|
|
|
|
|
|
|
return flask.jsonify(dataclasses.asdict(output))
|
|
|
|
|
|
|
|
|
|
|
|
def image_bytes_from_image(image: PIL.Image, mode: str = "PNG") -> io.BytesIO:
|
|
|
|
"""
|
|
|
|
Convert a PIL image into bytes of the given image format.
|
|
|
|
"""
|
|
|
|
image_bytes = io.BytesIO()
|
|
|
|
image.save(image_bytes, mode)
|
|
|
|
image_bytes.seek(0)
|
|
|
|
return image_bytes
|
|
|
|
|
|
|
|
|
|
|
|
def base64_encode(buffer: io.BytesIO) -> str:
|
|
|
|
"""
|
|
|
|
Encode the given buffer as base64.
|
|
|
|
"""
|
|
|
|
return base64.encodebytes(buffer.getvalue()).decode("ascii")
|
|
|
|
|
|
|
|
|
|
|
|
if __name__ == "__main__":
|
|
|
|
import argh
|
|
|
|
|
|
|
|
argh.dispatch_command(run_app)
|