2023-11-13 17:31:43 +00:00
|
|
|
import torch
|
2023-09-28 16:30:20 +00:00
|
|
|
import time
|
|
|
|
import threading
|
|
|
|
from aiohttp import web
|
|
|
|
import aiohttp
|
|
|
|
import asyncio
|
|
|
|
import traceback
|
|
|
|
import umsgpack
|
|
|
|
import collections
|
|
|
|
import queue
|
2023-11-13 17:31:43 +00:00
|
|
|
import open_clip
|
2023-09-28 16:30:20 +00:00
|
|
|
from PIL import Image
|
|
|
|
from prometheus_client import Counter, Histogram, REGISTRY, generate_latest
|
|
|
|
import io
|
|
|
|
import json
|
2023-11-13 17:31:43 +00:00
|
|
|
import torchvision.transforms.transforms as transforms
|
2023-09-28 16:30:20 +00:00
|
|
|
import sys
|
|
|
|
|
|
|
|
with open(sys.argv[1], "r") as config_file:
|
|
|
|
CONFIG = json.load(config_file)
|
|
|
|
|
2023-11-13 17:31:43 +00:00
|
|
|
device = torch.device(CONFIG["device"])
|
|
|
|
model, _, preprocess = open_clip.create_model_and_transforms(CONFIG["model"], device=device, pretrained=dict(open_clip.list_pretrained())[CONFIG["model"]], precision="fp16")
|
|
|
|
model.eval()
|
|
|
|
tokenizer = open_clip.get_tokenizer(CONFIG["model"])
|
|
|
|
print("Model loaded")
|
2023-09-28 16:30:20 +00:00
|
|
|
|
|
|
|
BS = CONFIG["max_batch_size"]
|
|
|
|
MODELNAME = CONFIG["model_name"]
|
|
|
|
|
|
|
|
InferenceParameters = collections.namedtuple("InferenceParameters", ["text", "images", "callback"])
|
|
|
|
|
|
|
|
items_ctr = Counter("modelserver_total_items", "Items run through model server", ["model", "modality"])
|
|
|
|
inference_time_hist = Histogram("modelserver_inftime", "Time running inference", ["model", "batch_size"])
|
|
|
|
batch_count_ctr = Counter("modelserver_batchcount", "Inference batches run", ["model"])
|
|
|
|
|
2023-11-13 17:31:43 +00:00
|
|
|
torch.set_grad_enabled(False)
|
2023-09-28 16:30:20 +00:00
|
|
|
def do_inference(params: InferenceParameters):
|
|
|
|
with torch.no_grad():
|
|
|
|
try:
|
|
|
|
text, images, callback = params
|
|
|
|
if text is not None:
|
|
|
|
items_ctr.labels(MODELNAME, "text").inc(text.shape[0])
|
|
|
|
with inference_time_hist.labels(MODELNAME + "-text", text.shape[0]).time():
|
2023-11-13 17:31:43 +00:00
|
|
|
features = model.encode_text(text)
|
2023-10-27 14:50:21 +00:00
|
|
|
features /= features.norm(dim=-1, keepdim=True)
|
|
|
|
features = features.cpu().numpy()
|
2023-09-28 16:30:20 +00:00
|
|
|
elif images is not None:
|
|
|
|
with inference_time_hist.labels(MODELNAME + "-image", images.shape[0]).time():
|
2023-11-13 17:31:43 +00:00
|
|
|
items_ctr.labels(MODELNAME, "image").inc(images.shape[0])
|
|
|
|
features = model.encode_image(images)
|
2023-10-27 14:50:21 +00:00
|
|
|
features /= features.norm(dim=-1, keepdim=True)
|
|
|
|
features = features.cpu().numpy()
|
2023-10-08 21:52:17 +00:00
|
|
|
batch_count_ctr.labels(MODELNAME).inc()
|
2023-10-27 14:50:21 +00:00
|
|
|
callback(True, features)
|
2023-09-28 16:30:20 +00:00
|
|
|
except Exception as e:
|
|
|
|
traceback.print_exc()
|
|
|
|
callback(False, str(e))
|
2023-11-13 17:31:43 +00:00
|
|
|
finally:
|
|
|
|
torch.cuda.empty_cache()
|
2023-09-28 16:30:20 +00:00
|
|
|
|
|
|
|
iq = queue.Queue(10)
|
|
|
|
def infer_thread():
|
|
|
|
while True:
|
|
|
|
do_inference(iq.get())
|
|
|
|
|
|
|
|
pq = queue.Queue(10)
|
|
|
|
def preprocessing_thread():
|
|
|
|
while True:
|
|
|
|
text, images, callback = pq.get()
|
|
|
|
try:
|
|
|
|
if text:
|
|
|
|
assert len(text) <= BS, f"max batch size is {BS}"
|
2023-11-13 17:31:43 +00:00
|
|
|
text = tokenizer(text).to(device)
|
2023-09-28 16:30:20 +00:00
|
|
|
elif images:
|
|
|
|
assert len(images) <= BS, f"max batch size is {BS}"
|
2023-11-13 17:31:43 +00:00
|
|
|
images = torch.stack([ preprocess(Image.open(io.BytesIO(im))).half() for im in images ]).to(device)
|
2023-09-28 16:30:20 +00:00
|
|
|
else:
|
|
|
|
assert False, "images or text required"
|
|
|
|
iq.put(InferenceParameters(text, images, callback))
|
|
|
|
except Exception as e:
|
|
|
|
traceback.print_exc()
|
|
|
|
callback(False, str(e))
|
|
|
|
|
|
|
|
app = web.Application(client_max_size=2**26)
|
|
|
|
routes = web.RouteTableDef()
|
|
|
|
|
|
|
|
@routes.post("/")
|
|
|
|
async def run_inference(request):
|
|
|
|
loop = asyncio.get_event_loop()
|
|
|
|
data = umsgpack.loads(await request.read())
|
|
|
|
event = asyncio.Event()
|
|
|
|
results = None
|
|
|
|
def callback(*argv):
|
|
|
|
nonlocal results
|
|
|
|
results = argv
|
2023-09-29 17:35:42 +00:00
|
|
|
loop.call_soon_threadsafe(lambda: event.set())
|
2023-09-28 16:30:20 +00:00
|
|
|
pq.put_nowait(InferenceParameters(data.get("text"), data.get("images"), callback))
|
|
|
|
await event.wait()
|
|
|
|
body_data = results[1]
|
|
|
|
if results[0]:
|
|
|
|
status = 200
|
|
|
|
body_data = [x.astype("float16").tobytes() for x in body_data]
|
|
|
|
else:
|
|
|
|
status = 500
|
|
|
|
print(results[1])
|
|
|
|
return web.Response(body=umsgpack.dumps(body_data), status=status, content_type="application/msgpack")
|
|
|
|
|
|
|
|
@routes.get("/config")
|
|
|
|
async def config(request):
|
|
|
|
return web.Response(body=umsgpack.dumps({
|
2023-11-13 17:31:43 +00:00
|
|
|
"model": CONFIG["model"],
|
2023-09-28 16:30:20 +00:00
|
|
|
"batch": BS,
|
2023-11-13 17:31:43 +00:00
|
|
|
"image_size": [ t for t in preprocess.transforms if isinstance(t, transforms.Resize) ][0].size,
|
|
|
|
"embedding_size": model.text.text_projection.out_features
|
2023-09-28 16:30:20 +00:00
|
|
|
}), status=200, content_type="application/msgpack")
|
|
|
|
|
|
|
|
@routes.get("/")
|
|
|
|
async def health(request):
|
|
|
|
return web.Response(status=204)
|
|
|
|
|
|
|
|
@routes.get("/metrics")
|
|
|
|
async def metrics(request):
|
|
|
|
return web.Response(body=generate_latest(REGISTRY))
|
|
|
|
|
|
|
|
app.router.add_routes(routes)
|
|
|
|
|
|
|
|
async def run_webserver():
|
|
|
|
runner = web.AppRunner(app)
|
|
|
|
await runner.setup()
|
|
|
|
site = web.TCPSite(runner, "", CONFIG["port"])
|
|
|
|
print("Ready")
|
|
|
|
await site.start()
|
|
|
|
|
|
|
|
try:
|
|
|
|
th = threading.Thread(target=infer_thread)
|
|
|
|
th.start()
|
|
|
|
th = threading.Thread(target=preprocessing_thread)
|
|
|
|
th.start()
|
|
|
|
loop = asyncio.new_event_loop()
|
|
|
|
asyncio.set_event_loop(loop)
|
|
|
|
loop.run_until_complete(run_webserver())
|
|
|
|
loop.run_forever()
|
|
|
|
except KeyboardInterrupt:
|
|
|
|
import sys
|
|
|
|
sys.exit(0)
|