机器学习用在图像识别是非常有趣的话题。

我们可以利用OpenCV强大的功能结合机器学习算法实现图像识别系统。

首先,输入若干图像,加入分类标记。利用向量量化方法将特征点进行聚类,并得出中心点,这些中心点就是视觉码本的元素。

其次,利用图像分类器将图像分到已知的类别中,ERF(极端随机森林)算法非常流行,因为ERF具有较快的速度和比较精确的准确度。我们利用决策树进行正确决策。

最后,利用训练好的ERF模型后,创建目标识别器,可以识别未知图像的内容。

当然,这只是雏形,存在很多问题:

界面不友好。

准确率如何保证,如何调整超参数,只有认真研究算法机理,才能真正清除内部实现机制后给予改进。

下面,上代码:

import os

import sys

import argparse

import json

import cv2

import numpy as np

from sklearn.cluster import KMeans

# from star_detector import StarFeatureDetector

from sklearn.ensemble import ExtraTreesClassifier

from sklearn import preprocessing

try:

import cPickle as pickle #python 2

except ImportError as e:

import pickle #python 3

def load_training_data(input_folder):

training_data = []

if not os.path.isdir(input_folder):

raise IOError("The folder " + input_folder + " doesn't exist")

for root, dirs, files in os.walk(input_folder):

for filename in (x for x in files if x.endswith('.jpg')):

filepath = os.path.join(root, filename)

print(filepath)

object_class = filepath.split('\\')[-2]

print("object_class",object_class)

training_data.append({'object_class': object_class, 'image_path': filepath})

return training_data

class StarFeatureDetector(object):

def __init__(self):

self.detector = cv2.xfeatures2d.StarDetector_create()

def detect(self, img):

return self.detector.detect(img)

class FeatureBuilder(object):

def extract_features(self, img):

keypoints = StarFeatureDetector().detect(img)

keypoints, feature_vectors = compute_sift_features(img, keypoints)

return feature_vectors

def get_codewords(self, input_map, scaling_size, max_samples=12):

keypoints_all = []

count = 0

cur_class = ''

for item in input_map:

if count >= max_samples:

if cur_class != item['object_class']:

count = 0

else:

continue

count += 1

if count == max_samples:

print ("Built centroids for", item['object_class'])

cur_class = item['object_class']

img = cv2.imread(item['image_path'])

img = resize_image(img, scaling_size)

num_dims = 128

feature_vectors = self.extract_features(img)

keypoints_all.extend(feature_vectors)

kmeans, centroids = BagOfWords().cluster(keypoints_all)

return kmeans, centroids

class BagOfWords(object):

def __init__(self, num_clusters=32):

self.num_dims = 128

self.num_clusters = num_clusters

self.num_retries = 10

def cluster(self, datapoints):

kmeans = KMeans(self.num_clusters,

n_init=max(self.num_retries, 1),

max_iter=10, tol=1.0)

res = kmeans.fit(datapoints)

centroids = res.cluster_centers_

return kmeans, centroids

def normalize(self, input_data):

sum_input = np.sum(input_data)

if sum_input > 0:

return input_data / sum_input

else:

return input_data

def construct_feature(self, img, kmeans, centroids):

keypoints = StarFeatureDetector().detect(img)

keypoints, feature_vectors = compute_sift_features(img, keypoints)

labels = kmeans.predict(feature_vectors)

feature_vector = np.zeros(self.num_clusters)

for i, item in enumerate(feature_vectors):

feature_vector[labels[i]] += 1

feature_vector_img = np.reshape(feature_vector, ((1, feature_vector.shape[0])))

return self.normalize(feature_vector_img)

# Extract features from the input images and

# map them to the corresponding object classes

def get_feature_map(input_map, kmeans, centroids, scaling_size):

feature_map = []

for item in input_map:

temp_dict = {}

temp_dict['object_class'] = item['object_class']

print("Extracting features for", item['image_path'])

img = cv2.imread(item['image_path'])

img = resize_image(img, scaling_size)

temp_dict['feature_vector'] = BagOfWords().construct_feature(img, kmeans, centroids)

if temp_dict['feature_vector'] is not None:

feature_map.append(temp_dict)

return feature_map

# Extract SIFT features

def compute_sift_features(img, keypoints):

if img is None:

raise TypeError('Invalid input image')

img_gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)

keypoints, descriptors = cv2.xfeatures2d.SIFT_create().compute(img_gray, keypoints)

return keypoints, descriptors

# Resize the shorter dimension to 'new_size'

# while maintaining the aspect ratio

def resize_image(input_img, new_size):

h, w = input_img.shape[:2]

scaling_factor = new_size / float(h)

if w < h:

scaling_factor = new_size / float(w)

new_shape = (int(w * scaling_factor), int(h * scaling_factor))

return cv2.resize(input_img, new_shape)

def build_features_main():

data_folder = 'training_images\\'

scaling_size = 200

codebook_file='codebook.pkl'

feature_map_file='feature_map.pkl'

# Load the training data

training_data = load_training_data(data_folder)

# Build the visual codebook

print("====== Building visual codebook ======")

kmeans, centroids = FeatureBuilder().get_codewords(training_data, scaling_size)

if codebook_file:

with open(codebook_file, 'wb') as f:

pickle.dump((kmeans, centroids), f)

# Extract features from input images

print("\n====== Building the feature map ======")

feature_map = get_feature_map(training_data, kmeans, centroids, scaling_size)

if feature_map_file:

with open(feature_map_file, 'wb') as f:

pickle.dump(feature_map, f)

# --feature-map-file feature_map.pkl --model- file erf.pkl

#----------------------------------------------------------------------------------------------------------

class ERFTrainer(object):

def __init__(self, X, label_words):

self.le = preprocessing.LabelEncoder()

self.clf = ExtraTreesClassifier(n_estimators=100,

max_depth=16, random_state=0)

y = self.encode_labels(label_words)

self.clf.fit(np.asarray(X), y)

def encode_labels(self, label_words):

self.le.fit(label_words)

return np.array(self.le.transform(label_words), dtype=np.float32)

def classify(self, X):

label_nums = self.clf.predict(np.asarray(X))

label_words = self.le.inverse_transform([int(x) for x in label_nums])

return label_words

#------------------------------------------------------------------------------------------

class ImageTagExtractor(object):

def __init__(self, model_file, codebook_file):

with open(model_file, 'rb') as f:

self.erf = pickle.load(f)

with open(codebook_file, 'rb') as f:

self.kmeans, self.centroids = pickle.load(f)

def predict(self, img, scaling_size):

img = resize_image(img, scaling_size)

feature_vector = BagOfWords().construct_feature(

img, self.kmeans, self.centroids)

image_tag = self.erf.classify(feature_vector)[0]

return image_tag

def train_Recognizer_main():

feature_map_file = 'feature_map.pkl'

model_file = 'erf.pkl'

# Load the feature map

with open(feature_map_file, 'rb') as f:

feature_map = pickle.load(f)

# Extract feature vectors and the labels

label_words = [x['object_class'] for x in feature_map]

dim_size = feature_map[0]['feature_vector'].shape[1]

X = [np.reshape(x['feature_vector'], (dim_size,)) for x in feature_map]

# Train the Extremely Random Forests classifier

erf = ERFTrainer(X, label_words)

if model_file:

with open(model_file, 'wb') as f:

pickle.dump(erf, f)

#--------------------------------------------------------------------

# args = build_arg_parser().parse_args()

model_file = 'erf.pkl'

codebook_file ='codebook.pkl'

import os

rootdir=r"F:\airplanes"

list=os.listdir(rootdir)

for i in range(0,len(list)):

path=os.path.join(rootdir,list[i])

if os.path.isfile(path):

try:

print(path)

input_image = cv2.imread(path)

scaling_size = 200

print("\nOutput:", ImageTagExtractor(model_file,codebook_file)\

.predict(input_image, scaling_size))

except:

continue

#-----------------------------------------------------------------------

build_features_main()

train_Recognizer_main()

以上这篇Python构建图像分类识别器的方法就是小编分享给大家的全部内容了,希望能给大家一个参考,也希望大家多多支持脚本之家。

python进行图像识别与分类_Python构建图像分类识别器的方法相关推荐

  1. python 打印xml文档树_Python构建XML树结构的方法示例

    本文实例讲述了Python构建XML树结构的方法.分享给大家供大家参考,具体如下: 1.构建XML元素 #encoding=utf-8 from xml.etree import ElementTre ...

  2. python内置函数分类_Python 69个内置函数分类总结

    1 内置函数 Python3解释器中内置了69个常用函数,属于底层的函数,它们到处可用.有些对大家来说比较熟悉,比如abs(), max(), sum()... 也有一些比较陌生,比如locals() ...

  3. 基于python的垃圾邮件分类_python实现贝叶斯推断——垃圾邮件分类

    理论 理论强推阮一峰大神的个人网站 1.贝叶斯推断及其互联网应用(一):定理简介 2.贝叶斯推断及其互联网应用(二):过滤垃圾邮件 非常简明易懂,然后我下面的代码就是实现上面过滤垃圾邮件算法的. 前期 ...

  4. python怎么打包压缩文件_Python打包文件夹的方法小结(zip,tar,tar.gz等)

    本文实例讲述了Python打包文件夹的方法.分享给大家供大家参考,具体如下: 一.zip import os, zipfile #打包目录为zip文件(未压缩) def make_zip(source ...

  5. python 光标位置输入文字_Python 移动光标位置的方法

    Python 移动光标位置的方法 更新时间:2019年01月20日 11:10:18 作者:你怎么知道你不会成功 今天小编就为大家分享一篇Python 移动光标位置的方法,具有很好的参考价值,希望对大 ...

  6. python水仙花数的代码_Python 求“水仙花数”的方法和具体代码

    时间:2018-10-29 概述:水仙花数 Python打印出所有的"水仙花数",所谓"水仙花数"是指一个三位数,其各位数字立方和等于该数本身.例如:153是一 ...

  7. python自动输入支付密码_Python之控制台输入密码的方法

    一.raw_input()或input(): for python 2.x [root@master test]#/usr/local/python2.7/bin/python test.py Ple ...

  8. python对共轭复数的定义_python print出共轭复数的方法详解

    复数是由一个实数和一个虚数组合构成,表示为:x+yj 一个复数时一对有序浮点数(x,y),其中x是实数部分,y是虚数部分. Python语言中有关复数的概念: 1.虚数不能单独存在,它们总是和一个值为 ...

  9. 用python倒序输出一个字符串_Python 反转字符串(reverse)的方法小结

    前段时间看到letcode上的元音字母字符串反转的题目,今天来研究一下字符串反转的内容.主要有三种方法: 1.切片法(最简洁的一种) #切片法 def reverse1(): s=input(&quo ...

最新文章

  1. 监控组件_分布式监控组件Cat,如何实现万亿级消息的高效存储?
  2. Android从放弃到精通 第二天 我还好
  3. 重庆一银行发生火灾 浓烟直往外窜
  4. linux下ifconfig只剩下lo的解决方法
  5. java 分批同时处理_java中List集合分批处理
  6. 爬虫-例子-飞机图片的提取-抓取一个文章中的全部图片
  7. 企业千人千面管理模式_一汽解放青岛汽车有限公司荣获“2020(第十六届)中国企业教育先进单位百强”...
  8. Net窗体程序设计总结
  9. 杭电4551生日猜猜猜
  10. 从零开始编写自己的C#框架(7)——需求分析
  11. 墨者学院 - 零基础学习手工SQL注入
  12. 超像素、语义分割、实例分割、全景分割
  13. 外卖cps美团饿了么小程序 每天领取外卖优惠券 下单直接抵扣现金(外卖cps返利分销小程序源码)
  14. wsimport命令介绍
  15. PTC Onshape 的两个核心弱点
  16. PyQt自定义控件之实现圆形图片
  17. PPT之幻灯片中的大纲选项卡
  18. 2017年深度学习必读31篇论文(附论文下载地址)
  19. jvm虚拟机规范 紧接上文的
  20. 学生信息管理系统(数据库设计)

热门文章

  1. 【低轨卫星定轨思路】将动力学与PPP结合
  2. mysql dese_mysql查询
  3. 【转载】我做科研的几点体会
  4. 简单易懂的“测试计划”模板
  5. Visaul Studio 2008(TeamSuit/Professional/Development/TFS/TestLoad)全系列下载链接
  6. 2021年1月份经验总结
  7. 泰凌微 SIG Mesh 开发
  8. 1.Echarts世界地图转为中文,最终数据成功展示。已解决
  9. UVALive 7139 Rotation
  10. 2、DSP TMS320F28335介绍