上一页 1 2 3 4 5 6 7 8 9 ··· 14 下一页
摘要: 车牌图片 代码 # -*- coding: UTF-8 -*- import cv2 import numpy as np # 预处理 def imgProcess(path): img = cv2.imread(path) # 统一规定大小 img = cv2.resize(img, (640, 阅读全文
posted @ 2024-12-16 17:54 星空28 阅读(124) 评论(0) 推荐(0)
摘要: 数据库权限参考: https://blog.csdn.net/zgscwxd/article/details/131586286 阅读全文
posted @ 2024-11-24 16:01 星空28 阅读(11) 评论(0) 推荐(0)
摘要: 方式一:手动实现 """ drop out随机丢弃神经元 """ import torch from torch import nn from d2l import torch as d2l import torch import torchvision from torch.utils impor 阅读全文
posted @ 2024-11-07 11:44 星空28 阅读(22) 评论(0) 推荐(0)
摘要: """ 模型选择,欠拟合、过拟合 """ import math import numpy as np import torch from d2l import torch as d2l from IPython import display import matplotlib.pyplot as 阅读全文
posted @ 2024-11-06 13:53 星空28 阅读(26) 评论(0) 推荐(0)
摘要: 方法一: """ 多层感知机简单实现Fashion-MNIST分类,从零开始实现 """ import torch import torchvision from torch.utils import data from torchvision import transforms from d2l 阅读全文
posted @ 2024-11-04 12:05 星空28 阅读(53) 评论(0) 推荐(0)
摘要: 实现方式一:手动实现 # Fashion-MNIST分类 import torch import torchvision from torch.utils import data from torchvision import transforms from d2l import torch as 阅读全文
posted @ 2024-10-31 11:15 星空28 阅读(67) 评论(0) 推荐(0)
摘要: 参考: https://xiaodu.io/ctc-explained/ https://zhuanlan.zhihu.com/p/43534801 阅读全文
posted @ 2024-10-07 16:26 星空28 阅读(13) 评论(0) 推荐(0)
摘要: 1、9个中文OCR数据集 https://webx32.com/develop/datasets.html 2、8个常用中文OCR数据集,附下载链接 https://blog.csdn.net/OpenDataLab/article/details/125717052 3、OCR_DataSet共1 阅读全文
posted @ 2024-10-07 16:24 星空28 阅读(149) 评论(0) 推荐(0)
摘要: utils.py import torch import matplotlib.pyplot as plt def plot_curve(data): fig = plt.figure() plt.plot(range(len(data)), data, color='blue') plt.lege 阅读全文
posted @ 2024-10-06 06:14 星空28 阅读(18) 评论(0) 推荐(0)
摘要: hub模块中有前人已经训练好的模型参数,可以根据情况调用 # hub模块:调用 # torch.hub.list('pytorch/vision:v0.10.0') # 使用前人已有的模型库 # https://github.com/pytorch/hub/blob/master/pytorch_v 阅读全文
posted @ 2024-10-05 14:49 星空28 阅读(62) 评论(0) 推荐(0)
上一页 1 2 3 4 5 6 7 8 9 ··· 14 下一页