简体   繁体   English

如何在保留顺序的同时从图表图像中获取数据?

[英]How to get data from chart image while preserving order?

I have few images like these,我很少有这样的图片,

Image 1:图 1:

图 1

Image 2:图 2:

图 2

I can extract the names and roles from these images using an ocr tool like tesseract from Python, but I want to preserve the hierarchy along the way.我可以使用诸如 Python 中的 tesseract 之类的 ocr 工具从这些图像中提取名称和角色,但我想在此过程中保留层次结构。

Please provide some interesting ways to solve this problem.请提供一些有趣的方法来解决这个问题。 I am not able to think of one proper approach to the problem.我想不出一种正确的方法来解决这个问题。

print(pytesseract.image_to_string(Image.open('test.png'))) 
import pytesseract# This returns the strings to me.

I want information in structured form in any data type, something like,我想要任何数据类型的结构化形式的信息,例如,

For example, in chart 1, Erica is the CEO, and under Erica are Russell, David Work, and so on.例如,在图表 1 中,Erica 是 CEO,Erica 之下是 Russell、David Work 等。

Visualization of results:结果的可视化:

结果的可视化

Approach:方法:

  • box borders and connecting lines ("nets") have certain color/brightness框边框和连接线(“网”)具有一定的颜色/亮度
  • work with masks, lists of contours, label maps使用面具、轮廓列表、label 地图
  • calculate overlap/intersection计算重叠/交叉点
  • at overlap, check what box and what net participate在重叠时,选中哪个框和哪个网络参与

Written for the one specific image you provided.为您提供的一张特定图片而写。 The other one is too low-resolution.另一个是分辨率太低。

For less favorable input data, this would need adapting.对于不太有利的输入数据,这将需要调整。 That shouldn't be difficult though.不过这应该不难。 Just different thresholds and whatnot.只是不同的阈值等等。

This should also already work with non-box nodes (eg circles/ellipses).这也应该已经适用于非盒子节点(例如圆圈/椭圆)。

You can figure out the OCR part.您可以找出 OCR 部分。 This approach and code gives you the individual boxes that you can pass to OCR.这种方法和代码为您提供了可以传递给 OCR 的各个框。

Output: Output:

net 1 connects boxes [1, 2]
net 2 connects boxes [2, 3, 4, 5]
net 3 connects boxes [4, 6, 7, 8, 9, 10]
net 4 connects boxes [6, 11, 16, 21]
net 5 connects boxes [7, 12, 17, 22]
net 6 connects boxes [8, 13, 18, 23]
net 7 connects boxes [9, 14, 19, 24]
net 8 connects boxes [10, 15, 20, 25]

Code:代码:

#!/usr/bin/env python3

import os
import sys
from math import *
import numpy as np
import cv2 as cv
import pprint
import collections

np.set_printoptions(suppress=True, linewidth=120)

########################################################################

im = cv.imread("9Rsju.jpg", cv.IMREAD_GRAYSCALE) / np.float32(255)

# optional downscale. easier to display.
im = cv.resize(im, fx=0.5, fy=0.5, dsize=None, interpolation=cv.INTER_AREA)

# generally, indices are 0..(N-1) and labels are 1..N and always (index+1) == label

########################################################################
# boxes

# select box borders
boxes_mask = (im <= 0.50) * np.uint8(255)
boxes_mask = cv.dilate(boxes_mask, kernel=None, iterations=1) # cover marginal pixels

(boxes_contours, _) = cv.findContours(
    image=boxes_mask,
    mode=cv.RETR_EXTERNAL,
    method=cv.CHAIN_APPROX_SIMPLE)

numboxes = len(boxes_contours)

# sort contours vertically
def valuation(contour):
    (x,y,w,h) = cv.boundingRect(contour)
    return y + x / 10 # "objective function"

# not vital, just pretty
boxes_contours.sort(key=valuation)

boxes_rects = [ cv.boundingRect(c) for c in boxes_contours ]

def bottom_of_rect(rect):
    (x,y,w,h) = rect
    return (x + w//2, y + h)

def top_of_rect(rect):
    (x,y,w,h) = rect
    return (x + w//2, y)

# boxes mask (fill inside of box)
cv.drawContours(
    boxes_mask,
    boxes_contours,
    contourIdx=-1,
    color=255,
    thickness=cv.FILLED)

# label map for boxes
boxes_labels = np.zeros_like(boxes_mask, dtype=np.uint8)
for (i, contour) in enumerate(boxes_contours):
    box_label = i+1
    cv.drawContours(
        boxes_labels,
        boxes_contours,
        contourIdx=i,
        color=box_label,
        thickness=cv.FILLED)


########################################################################
# connecting lines ("nets")

# select
nets_mask = (im >= 0.7) & (im <= 0.9) # 0.8 + margin
nets_mask = nets_mask * np.uint8(255)
nets_mask &= ~boxes_mask

# create slight overlap
nets_mask = cv.dilate(nets_mask, kernel=None, iterations=1)

# label map
(numnets, nets_labels) = cv.connectedComponents(nets_mask)


########################################################################
# connectivity

overlap = nets_mask & boxes_mask
(y,x) = overlap.nonzero() # pixel coordinates
relations = set(zip(nets_labels[y,x], boxes_labels[y,x]))

by_net = collections.defaultdict(lambda: set())
for (net,box) in relations:
    by_net[net].add(box)

for net_label, boxes in sorted(by_net.items()):
    print(f"net {net_label} connects boxes", sorted(boxes))


########################################################################
# visualization

canvas = cv.cvtColor(im * 0.5, cv.COLOR_GRAY2BGR)

for net_label, boxes in sorted(by_net.items()):
    boxes = sorted(boxes)

    headbox_label = boxes.pop(0)
    headbox_center = bottom_of_rect(boxes_rects[headbox_label-1])

    for box_label in boxes:
        box_center = top_of_rect(boxes_rects[box_label-1])

        cv.line(canvas,
            pt1=headbox_center,
            pt2=box_center,
            color=(0,0,255),
            thickness=2)

for (i, contour) in enumerate(boxes_contours):
    (x,y,w,h) = boxes_rects[i]

    cv.rectangle(canvas,
        pt1=(x,y), pt2=(x+w,y+h),
        color=(255,255,255),
        thickness=2)

    cv.putText(canvas,
        text=f"Box {i + 1}",
        org=(x+10, y+40),
        fontFace=cv.FONT_HERSHEY_SIMPLEX,
        fontScale=1,
        color=(255,255,255),
        thickness=2)


########################################################################
# display

cv.namedWindow("canvas", cv.WINDOW_NORMAL)
cv.imshow("canvas", canvas)

cv.waitKey(-1)
cv.destroyAllWindows()

声明:本站的技术帖子网页,遵循CC BY-SA 4.0协议,如果您需要转载,请注明本站网址或者原文地址。任何问题请咨询:yoyou2525@163.com.

相关问题 如何在保留顺序的同时从列表中删除重复项? - How do I remove duplicates from a list, while preserving order? 如何在保留列顺序的同时创建 DataFrame? - How to create a DataFrame while preserving order of the columns? 如何在保留顺序的同时重塑数组? - How to reshape an array while preserving order? 如何在保留顺序的同时收集类变量 - how to collect class variables while preserving the order 如何在保留订单的同时查询列表 - How to query list while preserving order 在Python中,如何在保持单词顺序的同时从两个列表中查找常用单词? - In Python, how do I find common words from two lists while preserving word order? 按列对完整的 pandas 数据帧进行排序,同时保留序列顺序 - Sorting complete pandas data frame by a column while preserving sequence order 在存储所有其他数据并保留原始顺序的同时执行合并 - performing merge while storing all other data and preserving order of original 从列表中删除相邻的重复组,同时保留顺序 - Remove groups of adjacent duplicates from list while preserving order Python 分别从子进程 stdout 和 stderr 读取,同时保留顺序 - Python read from subprocess stdout and stderr separately while preserving order
 
粤ICP备18138465号  © 2020-2024 STACKOOM.COM