|
@@ -84,7 +84,7 @@
|
|
|
│ │ │ ├── deep_hough_cuda_kernel.cu
|
|
|
│ │ │ ├── dht_func.py
|
|
|
│ │ │ └── setup.py #deep-hough安装脚本 安装命令:[python setup.py build; python setup.py install --user]
|
|
|
-│ │ ├── [basic_ops.py](#basic_ops.py)
|
|
|
+│ │ ├── [basic_ops.py](#basic_ops.py)
|
|
|
│ │ ├── [dht.py](#dht.py)
|
|
|
│ │ ├── [edge_detector.py](#edge_detector.py)
|
|
|
│ │ ├── [edge_utils.py](#edge_utils.py)
|
|
@@ -108,15 +108,16 @@
|
|
|
│ │ ├── test2.mp4
|
|
|
│ │ ├── test3.mp4
|
|
|
│ │ ├── test4.mp4
|
|
|
-│ │ └── test.mp4
|
|
|
+│ │ └── test.mp4
|
|
|
+
|
|
|
----
|
|
|
####<span id="basic_ops.py">basic_ops.py</span>
|
|
|
class Line(object) #直线信息类
|
|
|
class LineAnnotation(object) #直线注释类(没有引用该类)
|
|
|
def line2mask(size, lines) #在mask图像中画出直线
|
|
|
def get_boundary_point(y, x, angle, H, W) #给出x、y和角度,返回与图像边缘相交的两个点坐标
|
|
|
-def int2arc(k, num_directions) #int转弧度
|
|
|
-def arc2int(theta, num_directions) #弧度转int(没有引用该方法)
|
|
|
+def int2arc(k, num_directions) #int转弧度
|
|
|
+def arc2int(theta, num_directions) #弧度转int(没有引用该方法)
|
|
|
|
|
|
----
|
|
|
####<span id="utils.py">utils.py</span>
|
|
@@ -130,26 +131,26 @@ def caculate_precision(b_points, gt_coords, thresh=0.90) #计算精准度(没有
|
|
|
def caculate_recall(b_points, gt_coords, thresh=0.90) #计算召回(没有引用该方法)
|
|
|
def coords_sort(coords) #坐标排序(没有引用该方法)
|
|
|
def get_density(filename, x1, y1, x2, y2) #得到密度(没有引用该方法)
|
|
|
-def local_search(coords, coords_ring, d=1) #
|
|
|
+def local_search(coords, coords_ring, d=1) #没看懂
|
|
|
def overflow(x, size=400) #图像大小判断
|
|
|
-def edge_align(coords, filename, size, division=9) #图像边缘对齐(没有引用该方法)
|
|
|
+def edge_align(coords, filename, size, division=9) #图像边缘对齐(没有引用该方法)
|
|
|
|
|
|
----
|
|
|
####<span id="network.py">network.py</span>
|
|
|
-class Net(nn.Module) #模型选择(resnet18、resnet50、resnet101、resnext50、vgg16、mobilenetv2、res2net50、mobilenetv2)
|
|
|
+class Net(nn.Module) #模型选择(resnet18、resnet50、resnet101、resnext50、vgg16、mobilenetv2、res2net50、mobilenetv2)
|
|
|
|
|
|
----
|
|
|
####<span id="edge_utils.py">edge_utils.py</span>
|
|
|
-def predict_single_image(model, image, size) #预测单张图像
|
|
|
+def predict_single_image(model, image, size) #预测单张图像
|
|
|
|
|
|
----
|
|
|
####<span id="edge_detector.py">edge_detector.py</span>
|
|
|
-class EdgeDetector(object) #边缘检测类
|
|
|
+class EdgeDetector(object) #边缘检测类
|
|
|
|
|
|
----
|
|
|
####<span id="dht.py">dht.py</span>
|
|
|
class DHT_Layer(nn.Module) # 深度霍夫变换网络结构
|
|
|
-class DHT(nn.Module) 深度霍夫变换的引用
|
|
|
+class DHT(nn.Module) 深度霍夫变换的引用
|
|
|
|
|
|
----
|
|
|
####<span id="geometry_utils.py">geometry_utils.py</span>
|
|
@@ -170,10 +171,10 @@ class CbMaskDetection(object) #皮带mask检测类
|
|
|
|
|
|
----
|
|
|
####<span id="run.py">run.py</span>
|
|
|
-class Detector(object) #画图、检测集合类
|
|
|
-def predict_image(detector, image_path) #图像检测
|
|
|
-def predict_video(video_path, detector) #视频检测
|
|
|
-def main() #主函数
|
|
|
+class Detector(object) #画图、检测集合类
|
|
|
+def predict_image(detector, image_path) #图像检测
|
|
|
+def predict_video(video_path, detector) #视频检测
|
|
|
+def main() #主函数
|
|
|
|
|
|
----
|
|
|
####<span id="roller.py">roller.py</span>
|
|
@@ -207,7 +208,7 @@ def group_weight(weight_group, module, norm_layer, lr) #(没有引用该方法)
|
|
|
class ConvBlock(torch.nn.Module) #卷积块
|
|
|
class Spatial_path(torch.nn.Module) #Spatial Path部分,用于保存空间信息 https://zhuanlan.zhihu.com/p/47250633
|
|
|
class AttentionRefinementModule(torch.nn.Module) #Context Path部分,U形结构
|
|
|
-class FeatureFusionModule(torch.nn.Module) #特征融合模块
|
|
|
+class FeatureFusionModule(torch.nn.Module) #特征融合模块
|
|
|
class BiSeNet(torch.nn.Module) #BiSeNet模型
|
|
|
|
|
|
----
|
|
@@ -215,14 +216,14 @@ class BiSeNet(torch.nn.Module) #BiSeNet模型
|
|
|
def cal_dis_point_line(point, line_point) #求托辊关键点到皮带边缘线的距离
|
|
|
def fitting_straight_line_function(x, k, b) #直线方程表达式
|
|
|
def ignore_center(self, height, width, x_min, y_min, x_max, y_max) # 检查托辊框是否越界
|
|
|
-def select_bbox(self, coordinate_list, width, height) #选择托辊框,将不符合规则的托辊框剔除
|
|
|
+def select_bbox(self, coordinate_list, width, height) #选择托辊框,将不符合规则的托辊框剔除
|
|
|
def justify_point_side(self, top_down_label_dict, points_list)#根据上下皮带边缘线进行托辊上下边缘位置分类
|
|
|
-def get_roller_line(self, point_side_label, coordinate_list, top_down_label_dict, height, width)# 根据上下皮带边缘线挑选托辊框关键点并拟合直线
|
|
|
-def get_roller_info(self, top_down_label_dict, coordinate_list, width, height) 主方法
|
|
|
+def get_roller_line(self, point_side_label, coordinate_list, top_down_label_dict, height, width)# 根据上下皮带边缘线挑选托辊框关键点并拟合直线
|
|
|
+def get_roller_info(self, top_down_label_dict, coordinate_list, width, height) 主方法
|
|
|
|
|
|
---
|
|
|
###运行程序
|
|
|
-根据 https://github.com/Hanqer/deep-hough-transform 教程安装deep-hough
|
|
|
+根据 https://github.com/Hanqer/deep-hough-transform 教程安装deep-hough
|
|
|
运行 run.py
|
|
|
|
|
|
|