计算机视觉入门

该文展示了使用Python进行图像读取、转换及L2正则化在SVM中的应用
摘要由CSDN通过智能技术生成
import numpy as np
import cv2 as cv
import matplotlib.pyplot as plt
import torch

### 读入图像
img = cv.imread('C:/Users/Dell/Desktop/cv/horse.jpg')
### 对图像进行展示
plt.imshow(img)
plt.show()
### cv默认对图像的读取方式为BGR
print(type(img))
print(img.shape)
### 将格式转换为RGB
img_convert = cv.cvtColor(img, cv.COLOR_BGR2RGB)
plt.imshow(img_convert)

### 图像的RGB矩阵表示
image_array=np.array(img)
print(image_array)
### 转换为列向量表示
image = image_array.flatten()
print (image)

kind = 10
rate = 1e-3
### L2正则化
def L2_Regularization () :
    return rate * np.sum(weight ** 2)

### 采用多类支撑向量机损失
def loss_function (outputs , labels) :
    num_labels = len(labels)
    corrects = outputs[range(num_labels), labels].unsqueeze(0).T

    # 最大间隔
    margin = 1.0
    margins = outputs - corrects + margin
    loss = torch.sum(torch.max(margins, 1)[0]) / len(labels)

    # # 正则化强度
    loss += rate * L2_Regularization()

    return loss










对图片RGB编码后的展示

  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值