• 基于OpenCV的图形分析辨认05


    目录

    一、前言

    二、实验目的

    三、实验内容

    四、实验过程


    一、前言

    编程语言:Python,编程软件:vscode或pycharm,必备的第三方库:OpenCV,numpy,matplotlib,os等等。

    关于OpenCV,numpy,matplotlib,os等第三方库的下载方式如下:

    第一步,按住【Windows】和【R】调出运行界面,输入【cmd】,回车打开命令行。

    第二步,输入以下安装命令(可以先升级一下pip指令)。

    pip升级指令:

    python -m pip install --upgrade pip

     opencv库的清华源下载:

    pip install opencv-python  -i https://pypi.tuna.tsinghua.edu.cn/simple

    numpy库的清华源下载:

     pip install numpy  -i https://pypi.tuna.tsinghua.edu.cn/simple

    matplotlib库的清华源下载:

    pip install matplotlib -i https://pypi.tuna.tsinghua.edu.cn/simple

    os库的清华源下载:

    pip install os  -i https://pypi.tuna.tsinghua.edu.cn/simple 

    二、实验目的

    1.了解不同人脸特征算法;

    2.了解不同建模方式;

    3.基于人脸特征及建模方式,建立不同人脸识别模型;

    三、实验内容

    1.使用脸部图片,建立人脸识别模型

    (1)分别使用LBP/LDP建立Global/Local case(包含不同尺度)的人脸特征

    (2)分别使用Template matching / Clustering / SVM对Global/Local case(包含不同尺度)的人脸特建立识别模型

    (3)结果必须包含: (1)部份特征图可视化结果(2)不同识别模型识别正确率 (3)各种特征/识别模型的结果分析与探讨

    四、实验过程

    图像的素材有40个人像,每个人有10张照片,其中有7张作为训练集,另外3张作为测试集,在此基础上,分成训练集文件夹【train】和测试集文件夹【test】。

    根据LBP和LDP的原理编写代码,之后用LBP和LDP处理【train】文件和【test】文件得到的每个人像的特征数据,保存在【txt】文件中,并编写了相应的代码去读取特征数据文件的文件名和具体的特征数据。代码文件命名为【Methods】,代码如下:

    1. import numpy as np
    2. import os
    3. import cv2
    4. def LBP(img):
    5. dst = np.zeros(img.shape, dtype = img.dtype) # 创建一个全零的数组dst,形状和数据类型与img相同
    6. height, width = img.shape # 获取img的高度和宽度
    7. for i in range(1, height - 1): # 遍历img的每一行,除了第一行和最后一行
    8. for j in range(1, width - 1): # 遍历img的每一列,除了第一列和最后一列
    9. center = img[i][j] # 获取当前像素点的灰度值
    10. code = 0 # 初始化code为0
    11. code |= (img[i-1][j-1] >= center) << (np.uint8)(7) # 判断上方左方的像素点是否大于等于center,如果大于等于,则将1左移7位后异或到code上
    12. code |= (img[i-1][j ] >= center) << (np.uint8)(6) # 判断上方的像素点是否大于等于center,如果大于等于,则将1左移6位后异或到code上
    13. code |= (img[i-1][j+1] >= center) << (np.uint8)(5) # 判断上方右方的像素点是否大于等于center,如果大于等于,则将1左移5位后异或到code上
    14. code |= (img[i ][j+1] >= center) << (np.uint8)(4) # 判断右方的像素点是否大于等于center,如果大于等于,则将1左移4位后异或到code上
    15. code |= (img[i+1][j+1] >= center) << (np.uint8)(3) # 判断下方右方的像素点是否大于等于center,如果大于等于,则将1左移3位后异或到code上
    16. code |= (img[i+1][j ] >= center) << (np.uint8)(2) # 判断下方的像素点是否大于等于center,如果大于等于,则将1左移2位后异或到code上
    17. code |= (img[i+1][j-1] >= center) << (np.uint8)(1) # 判断下方左方的像素点是否大于等于center,如果大于等于,则将1左移1位后异或到code上
    18. code |= (img[i ][j-1] >= center) << (np.uint8)(0) # 判断左方的像素点是否大于等于center,如果大于等于,则将1左移0位后异或到code上
    19. dst[i][j] = code # 将code的值赋给dst的对应位置
    20. return dst # 返回处理后的dst数组
    21. def LDP(img):
    22. dst = np.zeros(img.shape, dtype = img.dtype) # 创建一个全零的数组dst,形状和数据类型与img相同
    23. height, width = img.shape # 获取img的高度和宽度
    24. threshold, result = cv2.threshold(img, 0, 255, cv2.THRESH_BINARY + cv2.THRESH_OTSU) # 对img进行阈值处理,使用OTSU二值化算法确定阈值
    25. for i in range(1, height - 1): # 遍历img的每一行,除了第一行和最后一行
    26. for j in range(1, width - 1): # 遍历img的每一列,除了第一列和最后一列
    27. center = img[i][j] # 获取当前像素点的灰度值
    28. code = 0 # 初始化code为0
    29. # 判断上下左右四个像素点与中心点的灰度差是否大于阈值,并将结果按位存入code中
    30. code |= ((img[i-1][j-1] - center) > threshold) << (np.uint8)(7)
    31. code |= ((img[i-1][j ] - center) > threshold) << (np.uint8)(6)
    32. code |= ((img[i-1][j+1] - center) > threshold) << (np.uint8)(5)
    33. code |= ((img[i ][j+1] - center) > threshold) << (np.uint8)(4)
    34. code |= ((img[i+1][j+1] - center) > threshold) << (np.uint8)(3)
    35. code |= ((img[i+1][j ] - center) > threshold) << (np.uint8)(2)
    36. code |= ((img[i+1][j-1] - center) > threshold) << (np.uint8)(1)
    37. code |= ((img[i ][j-1] - center) > threshold) << (np.uint8)(0)
    38. dst[i][j] = code # 将code的值赋给dst的对应位置
    39. return dst # 返回处理后的dst数组
    40. def train_txt_read(img_train_path):
    41. # 读取训练集文本文件,将内容存储到train_list中
    42. train_list = []
    43. with open(img_train_path, 'r') as f:
    44. for line in f.readlines():
    45. line = line.strip('\n') # 去除每行末尾的换行符
    46. line = eval(line) # 对line进行求值操作
    47. train = []
    48. for i in line[1]:
    49. i = int(i) # 将每个元素转换为整数类型
    50. train.append(i) # 将转换后的元素添加到train列表中
    51. train_list.append(train) # 将train列表添加到train_list列表中
    52. return train_list
    53. def test_txt_read(img_test_path):
    54. # 读取测试集文本文件,将内容存储到test_list中
    55. test_list = []
    56. with open(img_test_path, 'r') as f:
    57. for line in f.readlines():
    58. line = line.strip('\n') # 去除每行末尾的换行符
    59. line = eval(line) # 对line进行求值操作
    60. test = []
    61. for i in line[1]:
    62. i = int(i) # 将每个元素转换为整数类型
    63. test.append(i) # 将转换后的元素添加到test列表中
    64. test_list.append(test) # 将test列表添加到test_list列表中
    65. return test_list
    66. def train_name_read(image_train_path):
    67. # 读取训练集路径下的所有图像文件,提取文件名并返回名称列表
    68. image_train_list = os.listdir(image_train_path)
    69. train_name = []
    70. for i in image_train_list:
    71. i = i.split('.')[0]
    72. train_name.append(i)
    73. return train_name
    74. def test_name_read(image_test_path):
    75. # 读取测试集路径下的所有图像文件,提取文件名并返回名称列表
    76. image_test_list = os.listdir(image_test_path)
    77. test_name = []
    78. for i in image_test_list:
    79. i = i.split('.')[0]
    80. test_name.append(i)
    81. return test_name

    Global Case:

    先是利用LBP代码提取每一张图像的特征数据,然后绘制在txt文件中,对训练集和测试集的特征提取代码如下:

    1. import cv2
    2. import os
    3. from Methods import *
    4. def train_txt():
    5. # 训练集txt文件生成函数
    6. image_path = r"D:\Image\train" # 图像路径
    7. image_list = os.listdir(image_path) # 获取图像列表
    8. file = open(r"D:\Image\GC_LBP_train.txt", "w") # 打开训练集txt文件
    9. for i in image_list:
    10. result_list = [[], []] # 结果列表,每个图像分为两个列表:图像名和LBP直方图
    11. image_name = i.split(".")[0] # 获取图像名
    12. result_list[0].append(image_name) # 将图像名加入结果列表
    13. img_path = os.path.join(image_path, i) # 图像完整路径
    14. img = cv2.imread(img_path) # 读取图像
    15. img_gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) # 转为灰度图像
    16. img_LBP = LBP(img_gray) # 计算LBP
    17. img_hist = cv2.calcHist([img_LBP], [0], None, [256], [0, 256]) # 计算LBP直方图
    18. for j in img_hist:
    19. result_list[1].append(int(j[0])) # 将直方图中的每个像素值加入结果列表
    20. file.write(str(result_list) + "\n") # 将结果写入txt文件
    21. print("train.txt已完成") # 打印完成信息
    22. file.close() # 关闭文件
    23. def test_txt():
    24. # 测试集txt文件生成函数
    25. image_path = r"D:\Image\test" # 图像路径
    26. image_list = os.listdir(image_path) # 获取图像列表
    27. file = open(r"D:\Image\GC_LBP_test.txt", "w") # 打开测试集txt文件
    28. for i in image_list:
    29. result_list = [[], []] # 结果列表,每个图像分为两个列表:图像名和LBP直方图
    30. image_name = i.split(".")[0] # 获取图像名
    31. result_list[0].append(image_name) # 将图像名加入结果列表
    32. img_path = os.path.join(image_path, i) # 图像完整路径
    33. img = cv2.imread(img_path) # 读取图像
    34. img_gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) # 转为灰度图像
    35. img_LBP = LBP(img_gray) # 计算LBP
    36. img_hist = cv2.calcHist([img_LBP], [0], None, [256], [0, 256]) # 计算LBP直方图
    37. for j in img_hist:
    38. result_list[1].append(int(j[0])) # 将直方图中的每个像素值加入结果列表
    39. file.write(str(result_list) + "\n") # 将结果写入txt文件
    40. print("test.txt已完成") # 打印完成信息
    41. file.close() # 关闭文件
    42. train_txt() # 调用train_txt函数生成训练集txt文件
    43. test_txt() # 调用test_txt函数生成测试集txt文件

    生成如下的txt文件(训练集和测试集):

    使用Template matching来检验识别的准确率:

    代码如下:

    1. import numpy as np
    2. import os
    3. from Methods import *
    4. # 训练图片路径
    5. img_train_path = r"D:\Image\GC_LBP_train.txt"
    6. # 测试图片路径
    7. img_test_path = r"D:\Image\GC_LBP_test.txt"
    8. # 读取训练集文本文件
    9. train_list = train_txt_read(img_train_path)
    10. # 读取测试集文本文件
    11. test_list = test_txt_read(img_test_path)
    12. # 结果索引列表
    13. result_index = []
    14. # 遍历测试集
    15. for i in test_list:
    16. # 差值列表
    17. diff_list = []
    18. # 遍历训练集
    19. for j in train_list:
    20. # 计算两个图片数组的差值
    21. diff = sum(abs(np.array(i) - np.array(j)))
    22. diff_list.append(diff)
    23. # 获取差值最小值的索引
    24. diff_min = min(diff_list)
    25. diff_min_index = diff_list.index(diff_min)
    26. # 将最小差值的索引添加到结果索引列表中
    27. result_index.append(diff_min_index)
    28. # 读取训练集图片名称
    29. train_name = train_name_read(r"D:\Image\train")
    30. # 读取测试集图片名称
    31. test_name = test_name_read(r"D:\Image\test")
    32. # 结果列表
    33. test_result = []
    34. # 遍历结果索引列表
    35. for i in result_index:
    36. # 获取与训练集图片名称匹配的索引值并添加到结果列表中
    37. test_result.append(train_name[i])
    38. # 比较结果列表
    39. compare_result = []
    40. # 遍历测试结果
    41. for i in range(len(test_result)):
    42. # 打印测试图片及对应训练图片
    43. print(f"测试图片:{test_name[i]}对应训练图片:{test_result[i]}")
    44. # 判断训练图片的名称是否与测试图片的名称的首个单词相同
    45. if test_result[i].split('_')[0] == test_name[i].split('_')[0]:
    46. compare_result.append(1)
    47. else:
    48. compare_result.append(0)
    49. # 打印识别准确率
    50. print(f"识别准确率:{(compare_result.count(1) / len(compare_result)) * 100}%")

    运行效果如下:

    为了直观的查看识别效果,编写代码用于将结果可视化,代码如下: 

    1. import cv2
    2. import numpy as np
    3. import matplotlib.pyplot as plt
    4. from Methods import *
    5. def LBP_example_GC():
    6. image = cv2.imread(r"D:\Image\test\44_0.jpg") # 读取图像
    7. image_gray = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY) # 将彩色图像转为灰度图像
    8. image_LBP = LBP(image_gray) # 计算LBP图像
    9. hist = cv2.calcHist([image_LBP], [0], None, [256], [0, 256]) # 计算直方图
    10. print(hist.ravel())
    11. # 显示原始图像, 显示灰度图像, 显示LBP图像, 显示直方图
    12. plt.subplot(2, 2, 1), plt.imshow(cv2.cvtColor(image, cv2.COLOR_BGR2RGB)), plt.title('Original Image'), plt.axis('off')
    13. plt.subplot(2, 2, 2), plt.imshow(image_gray, cmap = 'gray'), plt.title('Gray Image'), plt.axis('off')
    14. plt.subplot(2, 2, 3), plt.imshow(image_LBP, cmap = 'gray'), plt.title('LBP Image'), plt.axis('off')
    15. plt.subplot(2, 2, 4), plt.plot(hist, color = 'skyblue'), plt.title('Histogram')
    16. plt.tight_layout() # 调整子图布局
    17. plt.show() # 显示图像
    18. def LDP_example_GC():
    19. image = cv2.imread(r"D:\Image\test\6_1.jpg") # 读取图像
    20. image_gray = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY) # 将彩色图像转为灰度图像
    21. image_LDP = LDP(image_gray) # 计算LDP图像
    22. hist = cv2.calcHist([image_LDP], [0], None, [256], [0, 256]) # 计算直方图
    23. print(hist.ravel())
    24. # 显示原始图像, 显示灰度图像, 显示LDP图像, 显示直方图
    25. plt.subplot(2, 2, 1), plt.imshow(cv2.cvtColor(image, cv2.COLOR_BGR2RGB)), plt.title('Original Image'), plt.axis('off')
    26. plt.subplot(2, 2, 2), plt.imshow(image_gray, cmap = 'gray'), plt.title('Gray Image'), plt.axis('off')
    27. plt.subplot(2, 2, 3), plt.imshow(image_LDP, cmap = 'gray'), plt.title('LDP Image'), plt.axis('off')
    28. plt.subplot(2, 2, 4), plt.plot(hist, color = 'skyblue'), plt.title('Histogram')
    29. plt.tight_layout() # 调整子图布局
    30. plt.show() # 显示图像
    31. def LBP_example_LC():
    32. # 读取图像
    33. image = cv2.imread(r"D:\Image\train\12_0.png")
    34. # 将图像转为灰度图像
    35. image_gray = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY)
    36. # 获取图像的高度和宽度
    37. height, width = image_gray.shape
    38. # 计算LBP图像
    39. image_LBP = LBP(image_gray)
    40. # 定义四个子图像的范围
    41. x1, x2, x3 = 0, int(width / 2), int(width)
    42. y1, y2, y3 = 0, int(height / 2), int(height)
    43. # 切割四个子图像
    44. image_LBP_1 = image_LBP[y1:y2, x1:x2]
    45. image_LBP_2 = image_LBP[y1:y2, x2:x3]
    46. image_LBP_3 = image_LBP[y2:y3, x1:x2]
    47. image_LBP_4 = image_LBP[y2:y3, x2:x3]
    48. # 计算四个子图像的直方图
    49. hist_1 = cv2.calcHist([image_LBP_1], [0], None, [256], [0, 256])
    50. hist_2 = cv2.calcHist([image_LBP_2], [0], None, [256], [0, 256])
    51. hist_3 = cv2.calcHist([image_LBP_3], [0], None, [256], [0, 256])
    52. hist_4 = cv2.calcHist([image_LBP_4], [0], None, [256], [0, 256])
    53. # 展示四个子图像和它们的直方图
    54. plt.subplot(2, 4, 1), plt.imshow(image_LBP_1, cmap='gray'), plt.axis('off')
    55. plt.subplot(2, 4, 2), plt.imshow(image_LBP_2, cmap='gray'), plt.axis('off')
    56. plt.subplot(2, 4, 3), plt.imshow(image_LBP_3, cmap='gray'), plt.axis('off')
    57. plt.subplot(2, 4, 4), plt.imshow(image_LBP_4, cmap='gray'), plt.axis('off')
    58. plt.subplot(2, 4, 5), plt.plot(hist_1)
    59. plt.subplot(2, 4, 6), plt.plot(hist_2)
    60. plt.subplot(2, 4, 7), plt.plot(hist_3)
    61. plt.subplot(2, 4, 8), plt.plot(hist_4)
    62. plt.tight_layout()
    63. plt.show()
    64. def LDP_example_LC():
    65. # 读取图像
    66. image = cv2.imread(r"D:\Image\train\12_0.png")
    67. # 将图像转为灰度图像
    68. image_gray = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY)
    69. # 获取图像的高度和宽度
    70. height, width = image_gray.shape
    71. # 计算LDP图像
    72. image_LDP = LDP(image_gray)
    73. # 定义四个子图像的范围
    74. x1, x2, x3 = 0, int(width / 2), int(width)
    75. y1, y2, y3 = 0, int(height / 2), int(height)
    76. # 切割四个子图像
    77. image_LDP_1 = image_LDP[y1:y2, x1:x2]
    78. image_LDP_2 = image_LDP[y1:y2, x2:x3]
    79. image_LDP_3 = image_LDP[y2:y3, x1:x2]
    80. image_LDP_4 = image_LDP[y2:y3, x2:x3]
    81. # 计算四个子图像的直方图
    82. hist_1 = cv2.calcHist([image_LDP_1], [0], None, [256], [0, 256])
    83. hist_2 = cv2.calcHist([image_LDP_2], [0], None, [256], [0, 256])
    84. hist_3 = cv2.calcHist([image_LDP_3], [0], None, [256], [0, 256])
    85. hist_4 = cv2.calcHist([image_LDP_4], [0], None, [256], [0, 256])
    86. # 展示四个子图像和它们的直方图
    87. plt.subplot(2, 4, 1), plt.imshow(image_LDP_1, cmap='gray'), plt.axis('off')
    88. plt.subplot(2, 4, 2), plt.imshow(image_LDP_2, cmap='gray'), plt.axis('off')
    89. plt.subplot(2, 4, 3), plt.imshow(image_LDP_3, cmap='gray'), plt.axis('off')
    90. plt.subplot(2, 4, 4), plt.imshow(image_LDP_4, cmap='gray'), plt.axis('off')
    91. plt.subplot(2, 4, 5), plt.plot(hist_1)
    92. plt.subplot(2, 4, 6), plt.plot(hist_2)
    93. plt.subplot(2, 4, 7), plt.plot(hist_3)
    94. plt.subplot(2, 4, 8), plt.plot(hist_4)
    95. plt.tight_layout()
    96. plt.show()
    97. # LBP_example_GC()
    98. # LDP_example_GC()
    99. LBP_example_LC()
    100. LDP_example_LC()

    以上是作者从网上搜索到的图片,在清晰度上有欠缺。展示的用LBP算法提取的人脸特征数据。

    使用Clustering检验识别的准确率,代码如下:

    1. import cv2
    2. import numpy as np
    3. import os
    4. from Methods import *
    5. # 载入训练集和测试集的路径
    6. img_train_path = r"D:\Image\GC_LBP_train.txt"
    7. img_test_path = r"D:\Image\GC_LBP_test.txt"
    8. # 读取训练集和测试集的文本文件,并转化为numpy数组
    9. train_list = train_txt_read(img_train_path) # 读取训练集文本文件
    10. test_list = test_txt_read(img_test_path) # 读取测试集文本文件
    11. train_data = np.array(train_list) # 将训练集转化为numpy数组
    12. test_data = np.array(test_list) # 将测试集转化为numpy数组
    13. # 将训练集和测试集的数组重塑为指定的形状
    14. train_data = train_data.reshape((-1, 256)) # 将训练集数组重塑为256列的矩阵
    15. test_data = test_data.reshape((-1, 256)) # 将测试集数组重塑为256列的矩阵
    16. # 将训练集和测试集的数组转换为float32类型
    17. train_data = np.float32(train_data) # 将训练集数组转换为float32类型
    18. test_data = np.float32(test_data) # 将测试集数组转换为float32类型
    19. # 定义k-means算法的终止条件、分配新点到初始中心点的方法和迭代最大次数
    20. criteria = (cv2.TERM_CRITERIA_EPS + cv2.TERM_CRITERIA_MAX_ITER, 1000, 0.001)
    21. flags = cv2.KMEANS_RANDOM_CENTERS
    22. K = 46
    23. # 使用k-means算法对训练集进行聚类
    24. ret, train_label, train_center = cv2.kmeans(train_data, K, None, criteria, 100, flags)
    25. # 将训练集的标签按组进行重塑,并得到在每组中出现次数最多的标签
    26. train_label_group = train_label.reshape(-1, 7)
    27. frequent_result = []
    28. for group in train_label_group:
    29. most_frequent_num = np.bincount(group).argmax() # 在每组中找到出现次数最多的标签
    30. frequent_result.append(most_frequent_num) # 将出现次数最多的标签添加到列表中
    31. # 计算测试集与每个聚类中心的距离,并将测试集归一化到最接近的聚类中心
    32. test_distances = np.sqrt(((test_data[:, np.newaxis] - train_center) ** 2).sum(axis=2)) # 计算测试集与每个聚类中心的距离
    33. test_labels = np.argmin(test_distances, axis=1) # 将测试集归一化到最接近的聚类中心
    34. test_labels_three = test_labels.reshape(-1, 3) # 将测试集标签按组进行重塑
    35. # 比较测试集的标签和最频繁出现的标签,并计算识别准确率
    36. compare_result = []
    37. for i in range(len(test_labels_three)):
    38. test_label = test_labels_three[i]
    39. for j in test_label:
    40. if j == frequent_result[i]:
    41. compare_result.append(1) # 测试集的标签与最频繁出现的标签相同,识别正确
    42. else:
    43. compare_result.append(0) # 测试集的标签与最频繁出现的标签不同,识别错误
    44. test_name = test_name_read(r"D:\Image\test") # 读取测试集的文件名
    45. for i in range(len(test_name)):
    46. print(f"测试图片:{test_name[i]} 对应最近邻聚类中心标签:{test_labels[i]}") # 打印每张测试图片及其对应的最近邻聚类中心标签
    47. print(f"识别准确率:{(compare_result.count(1) / len(compare_result)) * 100}%") # 计算并打印识别准确率

    代码运行结果:

    利用LDP代码提取的特征数据如下,代码如下:

    1. import cv2
    2. import os
    3. from Methods import *
    4. def train_txt():
    5. # 训练集txt文件生成函数
    6. image_path = r"D:\Image\train" # 图像路径
    7. image_list = os.listdir(image_path) # 获取图像列表
    8. file = open(r"D:\Image\GC_LDP_train.txt", "w") # 打开训练集txt文件
    9. for i in image_list:
    10. result_list = [[], []] # 初始化结果列表
    11. image_name = i.split(".")[0] # 获取图像文件名
    12. result_list[0].append(image_name) # 将图像文件名加入结果列表的第一个元素
    13. img_path = os.path.join(image_path, i) # 获取图像完整路径
    14. img = cv2.imread(img_path) # 读取图像
    15. img_gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) # 将图像转为灰度图
    16. img_LDP = LDP(img_gray) # 计算图像的LDP特征
    17. img_hist = cv2.calcHist([img_LDP], [0], None, [256], [0, 256]) # 计算LDP特征的直方图
    18. for j in img_hist:
    19. result_list[1].append(int(j[0])) # 将直方图中的像素值加入结果列表的第二个元素
    20. file.write(str(result_list) + "\n") # 将结果写入训练集txt文件
    21. print("train.txt已完成") # 打印训练集txt文件已完成
    22. file.close() # 关闭训练集txt文件
    23. def test_txt():
    24. # 测试集txt文件生成函数
    25. image_path = r"D:\Image\test" # 图像路径
    26. image_list = os.listdir(image_path) # 获取图像列表
    27. file = open(r"D:\Image\GC_LDP_test.txt", "w") # 打开测试集txt文件
    28. for i in image_list:
    29. result_list = [[], []] # 初始化结果列表
    30. image_name = i.split(".")[0] # 获取图像文件名
    31. result_list[0].append(image_name) # 将图像文件名加入结果列表的第一个元素
    32. img_path = os.path.join(image_path, i) # 获取图像完整路径
    33. img = cv2.imread(img_path) # 读取图像
    34. img_gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) # 将图像转为灰度图
    35. img_LDP = LDP(img_gray) # 计算图像的LDP特征
    36. img_hist = cv2.calcHist([img_LDP], [0], None, [256], [0, 256]) # 计算LDP特征的直方图
    37. for j in img_hist:
    38. result_list[1].append(int(j[0])) # 将直方图中的像素值加入结果列表的第二个元素
    39. file.write(str(result_list) + "\n") # 将结果写入测试集txt文件
    40. print("test.txt已完成") # 打印测试集txt文件已完成
    41. file.close() # 关闭测试集txt文件
    42. train_txt() # 调用train_txt函数
    43. test_txt() # 调用test_txt函数

    运行效果如下:

    使用Template matching来检验识别的准确率,代码如下:

    1. import numpy as np
    2. import os
    3. from Methods import *
    4. # 训练图片路径
    5. img_train_path = r"D:\Image\GC_LDP_train.txt"
    6. # 测试图片路径
    7. img_test_path = r"D:\Image\GC_LDP_test.txt"
    8. # 读取训练集文本文件,返回图片列表
    9. train_list = train_txt_read(img_train_path)
    10. # 读取测试集文本文件,返回图片列表
    11. test_list = test_txt_read(img_test_path)
    12. # 结果索引列表
    13. result_index = []
    14. # 对于测试集中的每一张图片
    15. for i in test_list:
    16. # 差值列表
    17. diff_list = []
    18. # 对于训练集中的每一张图片
    19. for j in train_list:
    20. # 计算两张图片像素差值的绝对值之和
    21. diff = sum(abs(np.array(i) - np.array(j)))
    22. diff_list.append(diff)
    23. # 获取差值最小值的索引
    24. diff_min = min(diff_list)
    25. diff_min_index = diff_list.index(diff_min)
    26. # 将最小差值的索引添加到结果索引列表中
    27. result_index.append(diff_min_index)
    28. # 读取训练集图片名称列表
    29. train_name = train_name_read(r"D:\Image\train")
    30. # 读取测试集图片名称列表
    31. test_name = test_name_read(r"D:\Image\test")
    32. # 结果列表
    33. test_result = []
    34. # 对于结果索引列表中的每个索引
    35. for i in result_index:
    36. # 将对应索引训练集图片名称添加到结果列表中
    37. test_result.append(train_name[i])
    38. # 比较结果列表
    39. compare_result = []
    40. # 对于结果列表中的每一张图片
    41. for i in range(len(test_result)):
    42. # 打印测试图片名称和对应训练图片名称
    43. print(f"测试图片:{test_name[i]}对应训练图片:{test_result[i]}")
    44. # 如果训练图片名称与测试图片名称的前缀相同,则将比较结果添加为1,否则为0
    45. if test_result[i].split('_')[0] == test_name[i].split('_')[0]:
    46. compare_result.append(1)
    47. else:
    48. compare_result.append(0)
    49. # 打印识别准确率
    50. print(f"识别准确率:{(compare_result.count(1) / len(compare_result)) * 100}%")

     代码运行效果如下:

    结果可视化可以使用上面的可视化代码,那个代码文件里较为齐全。 

    使用Clustering检验识别的准确率,代码如下:

    1. import cv2
    2. import numpy as np
    3. import os
    4. from Methods import *
    5. # 载入训练集和测试集的文件路径
    6. img_train_path = r"D:\Image\GC_LDP_train.txt"
    7. img_test_path = r"D:\Image\GC_LDP_test.txt"
    8. # 读取训练集和测试集的文件,并将其转化为NumPy数组
    9. train_list = train_txt_read(img_train_path) # 读取训练集文件
    10. test_list = test_txt_read(img_test_path) # 读取测试集文件
    11. train_data = np.array(train_list) # 将训练集转化为NumPy数组
    12. test_data = np.array(test_list) # 将测试集转化为NumPy数组
    13. # 将训练集和测试集的数组形状改变为指定的形状,这里将其改变为256行的形状
    14. train_data = train_data.reshape((-1, 256)) # 调整训练集形状
    15. test_data = test_data.reshape((-1, 256)) # 调整测试集形状
    16. # 将训练集和测试集的数组转化为浮点数类型
    17. train_data = np.float32(train_data) # 转化为浮点数类型
    18. test_data = np.float32(test_data) # 转化为浮点数类型
    19. # 定义K-means算法的停止条件和聚类中心的初始化方式
    20. criteria = (cv2.TERM_CRITERIA_EPS + cv2.TERM_CRITERIA_MAX_ITER, 1000, 0.001) # 停止条件
    21. flags = cv2.KMEANS_RANDOM_CENTERS # 聚类中心的初始化方式
    22. # 选择要聚类的类别的个数
    23. K = 46
    24. # 使用K-means算法对训练集进行聚类,得到聚类结果和聚类中心
    25. ret, train_label, train_center = cv2.kmeans(train_data, K, None, criteria, 100, flags)
    26. # 将训练集的聚类结果reshape为7行的形状,得到每个样本的7个类别的标签
    27. train_label_group = train_label.reshape(-1, 7)
    28. # 初始化聚类结果的列表
    29. frequent_result = []
    30. # 遍历每个样本的7个类别标签,计算每个类别中出现频率最高的标签,并将其添加到frequent_result列表中
    31. for group in train_label_group:
    32. most_frequent_num = np.bincount(group).argmax()
    33. frequent_result.append(most_frequent_num)
    34. # 计算测试集与每个聚类中心的距离,并根据距离选择最近的聚类中心的标签
    35. test_distances = np.sqrt(((test_data[:, np.newaxis] - train_center) ** 2).sum(axis=2))
    36. test_labels = np.argmin(test_distances, axis=1)
    37. # 将测试集的最近邻聚类中心标签reshape为3行的形状,得到每个样本的3个标签
    38. test_labels_three = test_labels.reshape(-1, 3)
    39. # 初始化识别结果的列表
    40. compare_result = []
    41. # 遍历每个样本的3个标签,将其与frequent_result中对应的7个标签进行比较,得到识别结果并添加到compare_result列表中
    42. for i in range(len(test_labels_three)):
    43. test_label = test_labels_three[i]
    44. for j in test_label:
    45. if j == frequent_result[i]:
    46. compare_result.append(1)
    47. else:
    48. compare_result.append(0)
    49. # 读取测试集的文件名,并输出每个测试图片的名称、最近邻聚类中心的标签
    50. test_name = test_name_read(r"D:\Image\test")
    51. for i in range(len(test_name)):
    52. print(f"测试图片:{test_name[i]} 对应最近邻聚类中心标签:{test_labels[i]}")
    53. # 计算识别准确率并输出
    54. print(f"识别准确率:{(compare_result.count(1) / len(compare_result)) * 100}%")

    代码运行效果如下:

    Local Case:

    Local Case是在Global Case的基础上增加了一个图像的分割,分别得到特征数据。

    对于LBP算法和LDP算法的特征提取基本与上文一致,故在这里不做过多赘述,代码如下:

    1. import cv2
    2. import os
    3. from Methods import *
    4. def train_txt():
    5. # 训练集txt文件生成函数
    6. image_path = r"D:\Image\train" # 图像路径
    7. image_list = os.listdir(image_path) # 获取图像列表
    8. file = open(r"D:\Image\LC_LBP_train.txt", "w") # 打开训练集txt文件
    9. for i in image_list:
    10. result_list = [[], []] # 结果列表,每个图像分为两个列表:图像名和LBP直方图
    11. image_name = i.split(".")[0] # 获取图像名
    12. result_list[0].append(image_name) # 将图像名加入结果列表
    13. img_path = os.path.join(image_path, i) # 图像完整路径
    14. img = cv2.imread(img_path) # 读取图像
    15. img_gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) # 转为灰度图像
    16. img_LBP = LBP(img_gray) # 计算LBP
    17. width, height = img_LBP.shape # 获取图像的宽度和高度
    18. x1, x2, x3 = 0, int(width / 2), int(width) # 计算三个边界点的x坐标
    19. y1, y2, y3 = 0, int(height / 2), int(height) # 计算三个边界点的y坐标
    20. image_LBP_1 = img_LBP[y1:y2, x1:x2] # 截取第一个子图像
    21. image_LBP_2 = img_LBP[y1:y2, x2:x3] # 截取第二个子图像
    22. image_LBP_3 = img_LBP[y2:y3, x1:x2] # 截取第三个子图像
    23. image_LBP_4 = img_LBP[y2:y3, x2:x3] # 截取第四个子图像
    24. hist_1 = cv2.calcHist([image_LBP_1], [0], None, [256], [0, 256]) # 计算第一个子图像的直方图
    25. hist_2 = cv2.calcHist([image_LBP_2], [0], None, [256], [0, 256]) # 计算第二个子图像的直方图
    26. hist_3 = cv2.calcHist([image_LBP_3], [0], None, [256], [0, 256]) # 计算第三个子图像的直方图
    27. hist_4 = cv2.calcHist([image_LBP_4], [0], None, [256], [0, 256]) # 计算第四个子图像的直方图
    28. img_hist = hist_1 + hist_2 + hist_3 + hist_4 # 计算四个子图像的直方图总和
    29. for j in img_hist:
    30. result_list[1].append(int(j[0])) # 将直方图中的每个像素值加入结果列表
    31. file.write(str(result_list) + "\n") # 将结果写入txt文件
    32. print("train.txt已完成") # 打印完成信息
    33. file.close() # 关闭文件
    34. def test_txt():
    35. # 测试集txt文件生成函数
    36. image_path = r"D:\Image\test" # 图像路径
    37. image_list = os.listdir(image_path) # 获取图像列表
    38. file = open(r"D:\Image\LC_LBP_test.txt", "w") # 打开测试集txt文件
    39. for i in image_list:
    40. result_list = [[], []] # 结果列表,每个图像分为两个列表:图像名和LBP直方图
    41. image_name = i.split(".")[0] # 获取图像名
    42. result_list[0].append(image_name) # 将图像名加入结果列表
    43. img_path = os.path.join(image_path, i) # 图像完整路径
    44. img = cv2.imread(img_path) # 读取图像
    45. img_gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) # 转为灰度图像
    46. img_LBP = LBP(img_gray) # 计算LBP
    47. width, height = img_LBP.shape # 获取图像的宽度和高度
    48. x1, x2, x3 = 0, int(width / 2), int(width) # 计算三个边界点的x坐标
    49. y1, y2, y3 = 0, int(height / 2), int(height) # 计算三个边界点的y坐标
    50. image_LBP_1 = img_LBP[y1:y2, x1:x2] # 截取第一个子图像
    51. image_LBP_2 = img_LBP[y1:y2, x2:x3] # 截取第二个子图像
    52. image_LBP_3 = img_LBP[y2:y3, x1:x2] # 截取第三个子图像
    53. image_LBP_4 = img_LBP[y2:y3, x2:x3] # 截取第四个子图像
    54. hist_1 = cv2.calcHist([image_LBP_1], [0], None, [256], [0, 256]) # 计算第一个子图像的直方图
    55. hist_2 = cv2.calcHist([image_LBP_2], [0], None, [256], [0, 256]) # 计算第二个子图像的直方图
    56. hist_3 = cv2.calcHist([image_LBP_3], [0], None, [256], [0, 256]) # 计算第三个子图像的直方图
    57. hist_4 = cv2.calcHist([image_LBP_4], [0], None, [256], [0, 256]) # 计算第四个子图像的直方图
    58. img_hist = hist_1 + hist_2 + hist_3 + hist_4 # 计算四个子图像的直方图总和
    59. for j in img_hist:
    60. result_list[1].append(int(j[0])) # 将直方图中的每个像素值加入结果列表
    61. file.write(str(result_list) + "\n") # 将结果写入txt文件
    62. print("test.txt已完成") # 打印完成信息
    63. file.close() # 关闭文件
    64. train_txt() # 调用train_txt函数生成训练集txt文件
    65. test_txt() # 调用test_txt函数生成测试集txt文件
    1. import cv2
    2. import os
    3. from Methods import *
    4. def train_txt():
    5. # 训练集txt文件生成函数
    6. image_path = r"D:\Image\train" # 图像路径
    7. image_list = os.listdir(image_path) # 获取图像列表
    8. file = open(r"D:\Image\LC_LDP_train.txt", "w") # 打开训练集txt文件
    9. for i in image_list:
    10. result_list = [[], []] # 结果列表,每个图像分为两个列表:图像名和LDP直方图
    11. image_name = i.split(".")[0] # 获取图像名
    12. result_list[0].append(image_name) # 将图像名加入结果列表
    13. img_path = os.path.join(image_path, i) # 图像完整路径
    14. img = cv2.imread(img_path) # 读取图像
    15. img_gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) # 转为灰度图像
    16. img_LDP = LDP(img_gray) # 计算LDP
    17. width, height = img_LDP.shape # 获取图像的宽度和高度
    18. x1, x2, x3 = 0, int(width / 2), int(width) # 计算三个边界点的x坐标
    19. y1, y2, y3 = 0, int(height / 2), int(height) # 计算三个边界点的y坐标
    20. image_LDP_1 = img_LDP[y1:y2, x1:x2] # 截取第一个子图像
    21. image_LDP_2 = img_LDP[y1:y2, x2:x3] # 截取第二个子图像
    22. image_LDP_3 = img_LDP[y2:y3, x1:x2] # 截取第三个子图像
    23. image_LDP_4 = img_LDP[y2:y3, x2:x3] # 截取第四个子图像
    24. hist_1 = cv2.calcHist([image_LDP_1], [0], None, [256], [0, 256]) # 计算第一个子图像的直方图
    25. hist_2 = cv2.calcHist([image_LDP_2], [0], None, [256], [0, 256]) # 计算第二个子图像的直方图
    26. hist_3 = cv2.calcHist([image_LDP_3], [0], None, [256], [0, 256]) # 计算第三个子图像的直方图
    27. hist_4 = cv2.calcHist([image_LDP_4], [0], None, [256], [0, 256]) # 计算第四个子图像的直方图
    28. img_hist = hist_1 + hist_2 + hist_3 + hist_4 # 计算四个子图像的直方图总和
    29. for j in img_hist:
    30. result_list[1].append(int(j[0])) # 将直方图中的每个像素值加入结果列表
    31. file.write(str(result_list) + "\n") # 将结果写入txt文件
    32. print("train.txt已完成") # 打印完成信息
    33. file.close() # 关闭文件
    34. def test_txt():
    35. # 测试集txt文件生成函数
    36. image_path = r"D:\Image\test" # 图像路径
    37. image_list = os.listdir(image_path) # 获取图像列表
    38. file = open(r"D:\Image\LC_LDP_test.txt", "w") # 打开测试集txt文件
    39. for i in image_list:
    40. result_list = [[], []] # 结果列表,每个图像分为两个列表:图像名和LDP直方图
    41. image_name = i.split(".")[0] # 获取图像名
    42. result_list[0].append(image_name) # 将图像名加入结果列表
    43. img_path = os.path.join(image_path, i) # 图像完整路径
    44. img = cv2.imread(img_path) # 读取图像
    45. img_gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) # 转为灰度图像
    46. img_LDP = LDP(img_gray) # 计算LDP
    47. width, height = img_LDP.shape # 获取图像的宽度和高度
    48. x1, x2, x3 = 0, int(width / 2), int(width) # 计算三个边界点的x坐标
    49. y1, y2, y3 = 0, int(height / 2), int(height) # 计算三个边界点的y坐标
    50. image_LDP_1 = img_LDP[y1:y2, x1:x2] # 截取第一个子图像
    51. image_LDP_2 = img_LDP[y1:y2, x2:x3] # 截取第二个子图像
    52. image_LDP_3 = img_LDP[y2:y3, x1:x2] # 截取第三个子图像
    53. image_LDP_4 = img_LDP[y2:y3, x2:x3] # 截取第四个子图像
    54. hist_1 = cv2.calcHist([image_LDP_1], [0], None, [256], [0, 256]) # 计算第一个子图像的直方图
    55. hist_2 = cv2.calcHist([image_LDP_2], [0], None, [256], [0, 256]) # 计算第二个子图像的直方图
    56. hist_3 = cv2.calcHist([image_LDP_3], [0], None, [256], [0, 256]) # 计算第三个子图像的直方图
    57. hist_4 = cv2.calcHist([image_LDP_4], [0], None, [256], [0, 256]) # 计算第四个子图像的直方图
    58. img_hist = hist_1 + hist_2 + hist_3 + hist_4 # 计算四个子图像的直方图总和
    59. for j in img_hist:
    60. result_list[1].append(int(j[0])) # 将直方图中的每个像素值加入结果列表
    61. file.write(str(result_list) + "\n") # 将结果写入txt文件
    62. print("test.txt已完成") # 打印完成信息
    63. file.close() # 关闭文件
    64. train_txt() # 调用train_txt函数生成训练集txt文件
    65. test_txt() # 调用test_txt函数生成测试集txt文件

    得到的txt文件如下:

    对于Template matching和Clustering也和前文一致,在这里也不做过多赘述,运行相应的代码文件即可。

    LBP下的Template matching和Clustering,代码如下:

    1. import numpy as np
    2. import os
    3. from Methods import *
    4. # 训练图片路径
    5. img_train_path = r"D:\Image\LC_LBP_train.txt"
    6. # 测试图片路径
    7. img_test_path = r"D:\Image\LC_LBP_test.txt"
    8. # 读取训练集文本文件
    9. train_list = train_txt_read(img_train_path)
    10. # 读取测试集文本文件
    11. test_list = test_txt_read(img_test_path)
    12. # 结果索引列表
    13. result_index = []
    14. # 遍历测试集
    15. for i in test_list:
    16. # 差值列表
    17. diff_list = []
    18. # 遍历训练集
    19. for j in train_list:
    20. # 计算两个图片数组的差值
    21. diff = sum(abs(np.array(i) - np.array(j)))
    22. diff_list.append(diff)
    23. # 获取差值最小值的索引
    24. diff_min = min(diff_list)
    25. diff_min_index = diff_list.index(diff_min)
    26. # 将最小差值的索引添加到结果索引列表中
    27. result_index.append(diff_min_index)
    28. # 读取训练集图片名称
    29. train_name = train_name_read(r"D:\Image\train")
    30. # 读取测试集图片名称
    31. test_name = test_name_read(r"D:\Image\test")
    32. # 结果列表
    33. test_result = []
    34. # 遍历结果索引列表
    35. for i in result_index:
    36. # 获取与训练集图片名称匹配的索引值并添加到结果列表中
    37. test_result.append(train_name[i])
    38. # 比较结果列表
    39. compare_result = []
    40. # 遍历测试结果
    41. for i in range(len(test_result)):
    42. # 打印测试图片及对应训练图片
    43. print(f"测试图片:{test_name[i]}对应训练图片:{test_result[i]}")
    44. # 判断训练图片的名称是否与测试图片的名称的首个单词相同
    45. if test_result[i].split('_')[0] == test_name[i].split('_')[0]:
    46. compare_result.append(1)
    47. else:
    48. compare_result.append(0)
    49. # 打印识别准确率
    50. print(f"识别准确率:{(compare_result.count(1) / len(compare_result)) * 100}%")
    1. import cv2
    2. import numpy as np
    3. import os
    4. from Methods import *
    5. # 载入训练集和测试集的路径
    6. img_train_path = r"D:\Image\LC_LBP_train.txt"
    7. img_test_path = r"D:\Image\LC_LBP_test.txt"
    8. # 读取训练集和测试集的文本文件,并转化为numpy数组
    9. train_list = train_txt_read(img_train_path) # 读取训练集文本文件
    10. test_list = test_txt_read(img_test_path) # 读取测试集文本文件
    11. train_data = np.array(train_list) # 将训练集转化为numpy数组
    12. test_data = np.array(test_list) # 将测试集转化为numpy数组
    13. # 将训练集和测试集的数组重塑为指定的形状
    14. train_data = train_data.reshape((-1, 256)) # 将训练集数组重塑为256列的矩阵
    15. test_data = test_data.reshape((-1, 256)) # 将测试集数组重塑为256列的矩阵
    16. # 将训练集和测试集的数组转换为float32类型
    17. train_data = np.float32(train_data) # 将训练集数组转换为float32类型
    18. test_data = np.float32(test_data) # 将测试集数组转换为float32类型
    19. # 定义k-means算法的终止条件、分配新点到初始中心点的方法和迭代最大次数
    20. criteria = (cv2.TERM_CRITERIA_EPS + cv2.TERM_CRITERIA_MAX_ITER, 1000, 0.001)
    21. flags = cv2.KMEANS_RANDOM_CENTERS
    22. K = 46
    23. # 使用k-means算法对训练集进行聚类
    24. ret, train_label, train_center = cv2.kmeans(train_data, K, None, criteria, 100, flags)
    25. # 将训练集的标签按组进行重塑,并得到在每组中出现次数最多的标签
    26. train_label_group = train_label.reshape(-1, 7)
    27. frequent_result = []
    28. for group in train_label_group:
    29. most_frequent_num = np.bincount(group).argmax() # 在每组中找到出现次数最多的标签
    30. frequent_result.append(most_frequent_num) # 将出现次数最多的标签添加到列表中
    31. # 计算测试集与每个聚类中心的距离,并将测试集归一化到最接近的聚类中心
    32. test_distances = np.sqrt(((test_data[:, np.newaxis] - train_center) ** 2).sum(axis=2)) # 计算测试集与每个聚类中心的距离
    33. test_labels = np.argmin(test_distances, axis=1) # 将测试集归一化到最接近的聚类中心
    34. test_labels_three = test_labels.reshape(-1, 3) # 将测试集标签按组进行重塑
    35. # 比较测试集的标签和最频繁出现的标签,并计算识别准确率
    36. compare_result = []
    37. for i in range(len(test_labels_three)):
    38. test_label = test_labels_three[i]
    39. for j in test_label:
    40. if j == frequent_result[i]:
    41. compare_result.append(1) # 测试集的标签与最频繁出现的标签相同,识别正确
    42. else:
    43. compare_result.append(0) # 测试集的标签与最频繁出现的标签不同,识别错误
    44. test_name = test_name_read(r"D:\Image\test") # 读取测试集的文件名
    45. for i in range(len(test_name)):
    46. print(f"测试图片:{test_name[i]} 对应最近邻聚类中心标签:{test_labels[i]}") # 打印每张测试图片及其对应的最近邻聚类中心标签
    47. print(f"识别准确率:{(compare_result.count(1) / len(compare_result)) * 100}%") # 计算并打印识别准确率

    LDP下的Template matching和Clustering,代码如下:

    1. import numpy as np
    2. import os
    3. from Methods import *
    4. # 训练图片路径
    5. img_train_path = r"D:\Image\LC_LDP_train.txt"
    6. # 测试图片路径
    7. img_test_path = r"D:\Image\LC_LDP_test.txt"
    8. # 读取训练集文本文件
    9. train_list = train_txt_read(img_train_path)
    10. # 读取测试集文本文件
    11. test_list = test_txt_read(img_test_path)
    12. # 结果索引列表
    13. result_index = []
    14. # 遍历测试集
    15. for i in test_list:
    16. # 差值列表
    17. diff_list = []
    18. # 遍历训练集
    19. for j in train_list:
    20. # 计算两个图片数组的差值
    21. diff = sum(abs(np.array(i) - np.array(j)))
    22. diff_list.append(diff)
    23. # 获取差值最小值的索引
    24. diff_min = min(diff_list)
    25. diff_min_index = diff_list.index(diff_min)
    26. # 将最小差值的索引添加到结果索引列表中
    27. result_index.append(diff_min_index)
    28. # 读取训练集图片名称
    29. train_name = train_name_read(r"D:\Image\train")
    30. # 读取测试集图片名称
    31. test_name = test_name_read(r"D:\Image\test")
    32. # 结果列表
    33. test_result = []
    34. # 遍历结果索引列表
    35. for i in result_index:
    36. # 获取与训练集图片名称匹配的索引值并添加到结果列表中
    37. test_result.append(train_name[i])
    38. # 比较结果列表
    39. compare_result = []
    40. # 遍历测试结果
    41. for i in range(len(test_result)):
    42. # 打印测试图片及对应训练图片
    43. print(f"测试图片:{test_name[i]}对应训练图片:{test_result[i]}")
    44. # 判断训练图片的名称是否与测试图片的名称的首个单词相同
    45. if test_result[i].split('_')[0] == test_name[i].split('_')[0]:
    46. compare_result.append(1)
    47. else:
    48. compare_result.append(0)
    49. # 打印识别准确率
    50. print(f"识别准确率:{(compare_result.count(1) / len(compare_result)) * 100}%")
    1. import cv2
    2. import numpy as np
    3. import os
    4. from Methods import *
    5. # 载入训练集和测试集的路径
    6. img_train_path = r"D:\Image\LC_LDP_train.txt"
    7. img_test_path = r"D:\Image\LC_LDP_test.txt"
    8. # 读取训练集和测试集的文本文件,并转化为numpy数组
    9. train_list = train_txt_read(img_train_path) # 读取训练集文本文件
    10. test_list = test_txt_read(img_test_path) # 读取测试集文本文件
    11. train_data = np.array(train_list) # 将训练集转化为numpy数组
    12. test_data = np.array(test_list) # 将测试集转化为numpy数组
    13. # 将训练集和测试集的数组重塑为指定的形状
    14. train_data = train_data.reshape((-1, 256)) # 将训练集数组重塑为256列的矩阵
    15. test_data = test_data.reshape((-1, 256)) # 将测试集数组重塑为256列的矩阵
    16. # 将训练集和测试集的数组转换为float32类型
    17. train_data = np.float32(train_data) # 将训练集数组转换为float32类型
    18. test_data = np.float32(test_data) # 将测试集数组转换为float32类型
    19. # 定义k-means算法的终止条件、分配新点到初始中心点的方法和迭代最大次数
    20. criteria = (cv2.TERM_CRITERIA_EPS + cv2.TERM_CRITERIA_MAX_ITER, 1000, 0.001)
    21. flags = cv2.KMEANS_RANDOM_CENTERS
    22. K = 46
    23. # 使用k-means算法对训练集进行聚类
    24. ret, train_label, train_center = cv2.kmeans(train_data, K, None, criteria, 100, flags)
    25. # 将训练集的标签按组进行重塑,并得到在每组中出现次数最多的标签
    26. train_label_group = train_label.reshape(-1, 7)
    27. frequent_result = []
    28. for group in train_label_group:
    29. most_frequent_num = np.bincount(group).argmax() # 在每组中找到出现次数最多的标签
    30. frequent_result.append(most_frequent_num) # 将出现次数最多的标签添加到列表中
    31. # 计算测试集与每个聚类中心的距离,并将测试集归一化到最接近的聚类中心
    32. test_distances = np.sqrt(((test_data[:, np.newaxis] - train_center) ** 2).sum(axis=2)) # 计算测试集与每个聚类中心的距离
    33. test_labels = np.argmin(test_distances, axis=1) # 将测试集归一化到最接近的聚类中心
    34. test_labels_three = test_labels.reshape(-1, 3) # 将测试集标签按组进行重塑
    35. # 比较测试集的标签和最频繁出现的标签,并计算识别准确率
    36. compare_result = []
    37. for i in range(len(test_labels_three)):
    38. test_label = test_labels_three[i]
    39. for j in test_label:
    40. if j == frequent_result[i]:
    41. compare_result.append(1) # 测试集的标签与最频繁出现的标签相同,识别正确
    42. else:
    43. compare_result.append(0) # 测试集的标签与最频繁出现的标签不同,识别错误
    44. test_name = test_name_read(r"D:\Image\test") # 读取测试集的文件名
    45. for i in range(len(test_name)):
    46. print(f"测试图片:{test_name[i]} 对应最近邻聚类中心标签:{test_labels[i]}") # 打印每张测试图片及其对应的最近邻聚类中心标签
    47. print(f"识别准确率:{(compare_result.count(1) / len(compare_result)) * 100}%") # 计算并打印识别准确率

    以上就是全部内容,方法和代码的应用都是类似的。

    都看到最后了,不点个赞吗?

  • 相关阅读:
    【vue2高德地图api】高德地图forEach批量添加marker点标记,点击获取item对象『全网最详细』【翻遍csdn总结】
    324. 摆动排序 II : 不简单的构造题
    java个框架总结二
    动态规划 之 打家劫舍
    3D 生成重建008-zero123让扩散模型了解空间信息zero-shot 单图生3d
    微服务项目中自定义异常类
    为什么很多新型编程语言都抛弃了 C 语言风格的 for 语句?
    Hive mapjoin使用
    C++ Qt开发:StandardItemModel数据模型组件
    ImageJ软件使用教程(二):图像测量
  • 原文地址:https://blog.csdn.net/m0_63369249/article/details/136491556