|
import ast
|
|
import onnx
|
|
import onnxruntime as ort
|
|
import cv2
|
|
from huggingface_hub import hf_hub_download
|
|
import numpy as np
|
|
|
|
|
|
model = hf_hub_download(
|
|
repo_id="wybxc/DocLayout-YOLO-DocStructBench-onnx",
|
|
filename="doclayout_yolo_docstructbench_imgsz1024.onnx",
|
|
)
|
|
model = onnx.load(model)
|
|
metadata = {prop.key: prop.value for prop in model.metadata_props}
|
|
|
|
names = ast.literal_eval(metadata["names"])
|
|
stride = ast.literal_eval(metadata["stride"])
|
|
|
|
|
|
session = ort.InferenceSession(model.SerializeToString())
|
|
|
|
|
|
def resize_and_pad_image(image, new_shape, stride=32):
|
|
"""
|
|
Resize and pad the image to the specified size, ensuring dimensions are multiples of stride.
|
|
|
|
Parameters:
|
|
- image: Input image
|
|
- new_shape: Target size (integer or (height, width) tuple)
|
|
- stride: Padding alignment stride, default 32
|
|
|
|
Returns:
|
|
- Processed image
|
|
"""
|
|
if isinstance(new_shape, int):
|
|
new_shape = (new_shape, new_shape)
|
|
|
|
h, w = image.shape[:2]
|
|
new_h, new_w = new_shape
|
|
|
|
|
|
r = min(new_h / h, new_w / w)
|
|
resized_h, resized_w = int(round(h * r)), int(round(w * r))
|
|
|
|
|
|
image = cv2.resize(image, (resized_w, resized_h), interpolation=cv2.INTER_LINEAR)
|
|
|
|
|
|
pad_w = (new_w - resized_w) % stride
|
|
pad_h = (new_h - resized_h) % stride
|
|
top, bottom = pad_h // 2, pad_h - pad_h // 2
|
|
left, right = pad_w // 2, pad_w - pad_w // 2
|
|
|
|
|
|
image = cv2.copyMakeBorder(
|
|
image, top, bottom, left, right, cv2.BORDER_CONSTANT, value=(114, 114, 114)
|
|
)
|
|
|
|
return image
|
|
|
|
|
|
class YoloResult:
|
|
def __init__(self, boxes, names):
|
|
self.boxes = [YoloBox(data=d) for d in boxes]
|
|
self.names = names
|
|
|
|
|
|
class YoloBox:
|
|
def __init__(self, data):
|
|
self.xyxy = data[:4]
|
|
self.conf = data[-2]
|
|
self.cls = data[-1]
|
|
|
|
|
|
def inference(image):
|
|
"""
|
|
Run inference on the input image.
|
|
|
|
Parameters:
|
|
- image: Input image, HWC format and RGB order
|
|
|
|
Returns:
|
|
- YoloResult object containing the predicted boxes and class names
|
|
"""
|
|
|
|
|
|
image = cv2.cvtColor(image, cv2.COLOR_RGB2BGR)
|
|
pix = resize_and_pad_image(image, new_shape=int(image.shape[0] / stride) * stride)
|
|
pix = np.transpose(pix, (2, 0, 1))
|
|
pix = np.expand_dims(pix, axis=0)
|
|
pix = pix.astype(np.float32) / 255.0
|
|
|
|
|
|
preds = session.run(None, {"images": pix})[0]
|
|
|
|
|
|
preds = preds[preds[..., 4] > 0.25]
|
|
return YoloResult(boxes=preds, names=names)
|
|
|
|
|
|
if __name__ == "__main__":
|
|
import sys
|
|
import matplotlib.pyplot as plt
|
|
|
|
image = sys.argv[1]
|
|
image = cv2.imread(image)
|
|
image = cv2.cvtColor(image, cv2.COLOR_BGR2RGB)
|
|
|
|
layout = inference(image)
|
|
|
|
bitmap = np.ones(image.shape[:2], dtype=np.uint8)
|
|
h, w = bitmap.shape
|
|
vcls = ["abandon", "figure", "table", "isolate_formula", "formula_caption"]
|
|
for i, d in enumerate(layout.boxes):
|
|
x0, y0, x1, y1 = d.xyxy.squeeze()
|
|
x0, y0, x1, y1 = (
|
|
np.clip(int(x0 - 1), 0, w - 1),
|
|
np.clip(int(h - y1 - 1), 0, h - 1),
|
|
np.clip(int(x1 + 1), 0, w - 1),
|
|
np.clip(int(h - y0 + 1), 0, h - 1),
|
|
)
|
|
if layout.names[int(d.cls)] in vcls:
|
|
bitmap[y0:y1, x0:x1] = 0
|
|
else:
|
|
bitmap[y0:y1, x0:x1] = i + 2
|
|
bitmap = bitmap[::-1, :]
|
|
|
|
fig, ax = plt.subplots(1, 2, figsize=(10, 6))
|
|
ax[0].imshow(image)
|
|
ax[1].imshow(bitmap)
|
|
plt.show()
|
|
|