当前位置: 首页 > news >正文

免费空间asp网站移动端原型

免费空间asp网站,移动端原型,网站建设私活中能找,只做网站不做app✨专栏介绍#xff1a; 经过几个月的精心筹备#xff0c;本作者推出全新系列《深入浅出OCR》专栏#xff0c;对标最全OCR教程#xff0c;具体章节如导图所示#xff0c;将分别从OCR技术发展、方向、概念、算法、论文、数据集等各种角度展开详细介绍。 #x1f468;‍ 经过几个月的精心筹备本作者推出全新系列《深入浅出OCR》专栏对标最全OCR教程具体章节如导图所示将分别从OCR技术发展、方向、概念、算法、论文、数据集等各种角度展开详细介绍。 ‍面向对象 本篇前言知识主要介绍深度学习知识全面总结知知识点方便小白或AI爱好者学习基础知识。 友情提醒 本文内容可能未能含概深度学习所有知识点其他内容可以访问本人主页其他文章或个人博客同时因本人水平有限文中如有错误恳请指出欢迎互相学习交流 个人主页: GoAI | 公众号: GoAI的学习小屋 | 交流群: 704932595 |个人简介 掘金签约作者、百度飞桨PPDE、领航团团长、开源特训营导师、CSDN、阿里云社区人工智能领域博客专家、新星计划计算机视觉方向导师等专注大数据与人工智能知识分享。 文章目录 文章目录 《深入浅出OCR》前言知识二深度学习基础总结 ✨文末有深度学习总结导图福利 《深入浅出OCR》前言知识一机器学习基础总结 ✨文末有机器学习总结导图福利 【计算机视觉OCR项目实战】中文文字识别 本篇导读在上节深度学习知识总结本人对手写识别项目进行实战为了进一步学习计算机视觉知识我们本次以计算机视觉的OCR方向为例完成中文场景识别从头到尾帮助大家学习并完成中文文字识别实战任务方便学习者学习计算机视觉项目流程。 一、项目背景 随着OCR领域在结构化数据中取得不错成果及应用中文场景文字识别技术在人们的日常生活中受到广泛关注在文档识别、身份证识别、银行卡识别、病例识别、名片识别等领域广泛应用.但由于中文场景中的文字容易受光照变化、低分辨率、字体以及排布多样性、中文字符种类多等影响对识别经典有一定影响如何解决这一问题是目前值得关注的。 二、项目简介 本项目为基于PaddleOCR的中文场景文字识别项目主要以CRNN网络为基础框架结合数据增强及模型微调采用ResNet34和MobileNetV3模型作为骨干网络进行训练及预测。以准确度为评价指标最终生成的预测文件为work中的result.txt文件。 三、数据集介绍 项目提供的数据训练集train_img是5w张测试集(test_img)为1w张。训练集原始标注文件train.list。 数据集采自中国街景并由街景图片中的文字行区域例如店铺标牌、地标等等截取出来而形成所有图像都经过一些预处理将文字区域利用仿射变化等比映射为一张高为48像素的图片。 数据集样例如下 标注文件 本数据集提供的标注文件为.txt文件格式。标注文件中的四列分别是图片的宽、高、文件名和文字标注。标注文件信息如下 hwnamevalue12848img_1.jpg文本15648img_2.jpg文本2 四、相关框架及技术 PaddleOCR框架: https://github.com/PaddlePaddle/PaddleOCR PaddleOCR是一款超轻量、中英文识别模型目标是打造丰富、领先、实用的文本识别模型/工具库 3.5M实用超轻量OCR系统支持在服务器移动嵌入式和IoT设备之间进行培训和部署 同时支持中英文识别支持倾斜、竖排等多种方向文字识别支持GPU、CPU预测同时可运行于Linux、Windows、MacOS等多种系统。 本次项目以开源的百度飞桨PaddleOCR为框架采用CRNNCTC网络为主体具体结构如下图 五、项目流程 深度学习OCR通用流程 项目分析针对中文场景下的数据预处理包括把繁体字转成简体字大写-小写删除空格删除符号等操作结合相应的中文字典来提升文字识别的准确率。并且在飞桨框架下采用当前业界最经典的CRNN算法架构来建模与求解以保证模型的性能。 基于上述分析我将本次项目大致分为以下几个流程 1.PaddleOCR环境安装 2.数据处理 3.模型调整 4.训练与预测 六、环境安装 6.1 项目环境安装 本次项目环境需要先克隆PaddleOCR项目具体命令 !cd ~/work git clone -b develop https://gitee.com/paddlepaddle/PaddleOCR.git 其次需要安装PaddleOCR项目提供环境文件requirements.txt具体命令 !cd ~/work/PaddleOCR !pip install -r ./requirements.txt python setup.py install6.2 PaddleOCR识别测试 另外在正式开始介绍项目前我们尝试可以快速开始体验PaddleOCR将其应用到自己的领域进行图片识别测试。同样需要我们在自己电脑上安装如下环境 1.1 安装PaddlePaddle 如果大家没有基础的Python运行环境请参考运行环境准备。 您的机器安装的是CUDA9或CUDA10请运行以下命令安装 python3 -m pip install paddlepaddle-gpu -i https://mirror.baidu.com/pypi/simple您的机器是CPU请运行以下命令安装 python3 -m pip install paddlepaddle -i https://mirror.baidu.com/pypi/simple更多的版本需求请参照飞桨官网安装文档中的说明进行操作。 1.2 安装PaddleOCR whl包 pip install paddleocr2.0.1 # 推荐使用2.0.1版本在安装好环境后为了大家能够更好的直观体验PaddleOCR识别效果我们可以直接调用PaddleOCR框架提供的接口进行测试本人帮大家整理好了相关代码大家可以自行更换图片路径。 from paddleocr import PaddleOCR, draw_ocr # Paddleocr supports Chinese, English, French, German, Korean and Japanese. # You can set the parameter lang as ch, en, fr, german, korean, japan to switch the language model in order. ocr PaddleOCR(use_angle_clsTrue, langen, #选择语种use_gpuFalse, #是否调用GPUdet_model_dir/root/.paddleocr/whl/det/en/en_PP-OCRv3_det_infer/, # 检测模型cls_model_dir/root/.paddleocr/whl/cls/ch_ppocr_mobile_v2.0_cls_infer/, # 分类模型rec_model_dir/root/.paddleocr/whl/rec/en/en_PP-OCRv3_rec_infer/ # 识别模型 ) # need to run only once to download and load model into memoryimg_path ./1.jpg #更换自己的图片路径 result ocr.ocr(img_path, clsTrue) for line in result:print(line)# draw result from PIL import Image image Image.open(img_path).convert(RGB) boxes [line[0] for line in result] txts [line[1][0] for line in result] scores [line[1][1] for line in result] im_show draw_ocr(image, boxes, txts, scores, font_path./fonts/simfang.ttf) # 字体需要准备 im_show Image.fromarray(im_show) im_show.save(result.jpg)七、数据处理及增广合成 7.1 解压数据集 解压训练集与测试集 !cd ~/data/data62842/ unzip train\_images.zip !cd ~/data/data62843/ unzip test\_images.zip重命名处理 !cd ~/data/data62842/ mv train\_images ../ mv train\_label.csv ../ !cd ~/data/data62843/ mv test\_images ../查看前十条数据样例 %cd data/data62842 !cat train\_label.csv | head -n 102.2数据增广 首先考虑使用轻量模型会有一定精度损失采用经典网络ResNet34。 其次为了进一步增强识别效果及模型泛化行参考其他项目使用text_render进行数据增广。 最后使用text_renderer进行数据增广修改text_render/configs/default.yaml配置以下为更改后的模版主要将三项做修改分别是font_color的enable设为Trueimg_bg的enable设为Falseseamless_clone的enable设为True。 数据增广参考 链接 本次数据增广参数配置信息如下 # Small font_size will make text looks like blured/prydown font_size:min: 14max: 23# choose Text color range # color boundary is in R,G,B format font_color:enable: Trueblue:fraction: 0.5l_boundary: [0,0,150]h_boundary: [60,60,255]brown:fraction: 0.5l_boundary: [139,70,19]h_boundary: [160,82,43]# By default, text is drawed by Pillow with (https://stackoverflow.com/questions/43828955/measuring-width-of-text-python-pil) # If random_space is enabled, some text will be drawed char by char with a random space random_space:enable: falsefraction: 0.3min: -0.1 # -0.1 will make chars very close or even overlappedmax: 0.1# Do remap with sin() # Currently this process is very slow! curve:enable: falsefraction: 0.3period: 360 # degree, sin 函数的周期min: 1 # sin 函数的幅值范围max: 5# random crop text height crop:enable: falsefraction: 0.5# top and bottom will applied equallytop:min: 5max: 10 # in pixel, this value should small than img_heightbottom:min: 5max: 10 # in pixel, this value should small than img_height# Use image in bg_dir as background for text img_bg:enable: falsefraction: 0.5# Not work when random_space applied text_border:enable: falsefraction: 0.5# lighter than word colorlight:enable: truefraction: 0.5# darker than word colordark:enable: truefraction: 0.5# https://docs.opencv.org/3.4/df/da0/group__photo__clone.html#ga2bf426e4c93a6b1f21705513dfeca49d # https://www.cs.virginia.edu/~connelly/class/2014/comp_photo/proj2/poisson.pdf # Use opencv seamlessClone() to draw text on background # For some background image, this will make text image looks more real seamless_clone:enable: truefraction: 0.5perspective_transform:max_x: 25max_y: 25max_z: 3blur:enable: truefraction: 0.03# If an image is applied blur, it will not be applied prydown prydown:enable: truefraction: 0.03max_scale: 1.5 # Image will first resize to 1.5x, and than resize to 1xnoise:enable: truefraction: 0.3gauss:enable: truefraction: 0.25uniform:enable: truefraction: 0.25salt_pepper:enable: truefraction: 0.25poisson:enable: truefraction: 0.25line:enable: falsefraction: 0.05random_over:enable: truefraction: 0.2under_line:enable: falsefraction: 0.2table_line:enable: falsefraction: 0.3middle_line:enable: falsefraction: 0.3line_color:enable: falseblack:fraction: 0.5l_boundary: [0,0,0]h_boundary: [64,64,64]blue:fraction: 0.5l_boundary: [0,0,150]h_boundary: [60,60,255]# These operates are applied on the final output image, # so actually it can also be applied in training process as an data augmentation method.# By default, text is darker than background. # If reverse_color is enabled, some images will have dark background and light text reverse_color:enable: falsefraction: 0.5emboss:enable: falsefraction: 0.1sharp:enable: falsefraction: 0.12.3数据预处理 读取train.list标签文件生成图片的信息字典。get_aspect_ratio函数设定图片信息宽、高、比例、最长字符串、类别等信息。对标签label进行预处理进行“繁体-简体”、“大写-小写”、“删除空格”、“删除符号”等操作。 import glob import os import cv2def get_aspect_ratio(img_set_dir):m_width 0m_height 0width_dict {}height_dict {}images glob.glob(img_set_dir*.jpg)for image in images:img cv2.imread(image)width_dict[int(img.shape[1])] 1 if (int(img.shape[1])) not in width_dict else 1 width_dict[int(img.shape[1])]height_dict[int(img.shape[0])] 1 if (int(img.shape[0])) not in height_dict else 1 height_dict[int(img.shape[0])]m_width img.shape[1]m_height img.shape[0]m_width m_width/len(images)m_height m_height/len(images)aspect_ratio m_width/m_heightwidth_dict dict(sorted(width_dict.items(), keylambda item: item[1], reverseTrue))height_dict dict(sorted(height_dict.items(), keylambda item: item[1], reverseTrue))return aspect_ratio,m_width,m_height,width_dict,height_dict aspect_ratio,m_width,m_height,width_dict,height_dict get_aspect_ratio(/home/aistudio/data/train_images/) print(aspect ratio is: {}, mean width is: {}, mean height is: {}.format(aspect_ratio,m_width,m_height)) print(Width dict:{}.format(width_dict)) print(Height dict:{}.format(height_dict)) import pandas as pddef Q2B(s):全角转半角inside_codeord(s)if inside_code0x3000:inside_code0x0020else:inside_code-0xfee0if inside_code0x0020 or inside_code0x7e: #转完之后不是半角字符返回原来的字符return sreturn chr(inside_code)def stringQ2B(s):把字符串全角转半角return .join([Q2B(c) for c in s])def is_chinese(s):判断unicode是否是汉字for c in s:if c u\u4e00 or c u\u9fa5:return Falsereturn Truedef is_number(s):判断unicode是否是数字for c in s:if c u\u0030 or c u\u0039:return Falsereturn Truedef is_alphabet(s):判断unicode是否是英文字母for c in s:if c u\u0061 or c u\u007a:return Falsereturn Truedef del_other(s):判断是否非汉字数字和小写英文res str()for c in s:if not (is_chinese(c) or is_number(c) or is_alphabet(c)):c res creturn resdf pd.read_csv(/home/aistudio/data/train_label.csv, encodinggbk) name, value list(df.name), list(df.value) for i, label in enumerate(value):# 全角转半角label stringQ2B(label)# 大写转小写label .join([c.lower() for c in label])# 删除所有空格符号label del_other(label)value[i] label# 删除标签为的行 data zip(name, value) data list(filter(lambda c: c[1]!, list(data))) # 保存到work目录 with open(/home/aistudio/data/train_label.txt, w) as f:for line in data:f.write(line[0] \t line[1] \n)# 记录训练集中最长标签 label_max_len 0 with open(/home/aistudio/data/train_label.txt, r) as f:for line in f:name, label line.strip().split(\t)if len(label) label_max_len:label_max_len len(label)print(label max len: , label_max_len) def create_label_list(train_list):classSet set()with open(train_list) as f:next(f)for line in f:img_name, label line.strip().split(\t)for e in label:classSet.add(e)# 在类的基础上加一个blankclassList sorted(list(classSet))with open(/home/aistudio/data/label_list.txt, w) as f:for idx, c in enumerate(classList):f.write({}\t{}\n.format(c, idx))# 为数据增广提供词库with open(/home/aistudio/work/text_renderer/data/chars/ch.txt, w) as f:for idx, c in enumerate(classList):f.write({}\n.format(c))return classSetclassSet create_label_list(/home/aistudio/data/train_label.txt) print(classify num: , len(classSet))这里我们需要通过上述代码对数据集进行信息统计设置识别算法参数具体统计结果如下 宽高比等信息 aspect ratio is: 3.451128333333333, mean width is: 165.65416, mean height is: 48.0 Width dict:{48: 741, 96: 539, 44: 392, 42: 381, 144: 365, 45: 345, 43: 323, 72: 318, 88: 318, 40: 312, 52: 301, 36: 298, 50: 297, 120: 294, 54: 288, 84: 286, 51: 283, 32: 283, 24: 281, 100: 277, 64: 276, 80: 276, 76: 275, 102: 272, 81: 270, 90: 269, 56: 268, 66: 267, 78: 266, 37: 262, 82: 261, 41: 259, 89: 25..... 词典规格 Height dict:{48: 50000} 最长字符长度 label max len: 77 类别数 classify num: 3096八、模型调整 加载官方提供的CRNN预训练模型。改变默认输入图片尺寸高度height设为48宽度width设为256。优化学习率策略通过cosine_decay和warmup策略加快模型收敛。 CRNN模型介绍 本项目模型采用文字识别经典CRNN模型(CNNRNNCTC)其中部分模型代码经过PaddleOCR源码改编完成识别模型的搭建、训练、评估和预测过程。训练时可以手动更改config配置文件数据训练、加载、评估验证等参数默认采用优化器采用Adam,使用CTC损失函数。本项目采用ResNet34作为骨干网络。 CRNN网络结构包含三部分从下到上依次为 1卷积层。作用是从输入图像中提取特征序列。 2循环层。作用是预测从卷积层获取的特征序列的标签真实值分布。 3转录层。作用是把从循环层获取的标签分布通过去重整合等操作转换成最终的识别结果。 CRNN网络详细流程 下载PaddleOCR提供的训练权重 !cd ~/work/PaddleOCR mkdir pretrain_weights cd pretrain_weights wget https://paddleocr.bj.bcebos.com/20-09-22/server/rec/ch_ppocr_server_v1.1_rec_pre.tar解压训练权重文件 !cd ~/work/PaddleOCR/pretrain_weights tar -xf ch_ppocr_server_v1.1_rec_pre.tarPaddleOCR通过将训练参数统一为配置文件进行训练具体位置在PaddleOCR/configs/rec中添加训练配置文件 my_rec_ch_train.yml和my_rec_ch_reader.yml #my_rec_ch_train.yml Global:algorithm: CRNNuse_gpu: trueepoch_num: 201log_smooth_window: 20print_batch_step: 10save_model_dir: ./output/my_rec_chsave_epoch_step: 50eval_batch_step: 1000train_batch_size_per_card: 64test_batch_size_per_card: 64image_shape: [3, 48, 256]max_text_length: 80character_type: chcharacter_dict_path: ./ppocr/utils/ppocr_keys_v1.txtloss_type: ctcdistort: trueuse_space_char: truereader_yml: ./configs/rec/my_rec_ch_reader.ymlpretrain_weights: ./pretrain_weights/ch_ppocr_server_v1.1_rec_pre/best_accuracycheckpoints:save_inference_dir: infer_img:Architecture:function: ppocr.modeling.architectures.rec_model,RecModelBackbone:function: ppocr.modeling.backbones.rec_resnet_vd,ResNetlayers: 34Head:function: ppocr.modeling.heads.rec_ctc_head,CTCPredictencoder_type: rnnfc_decay: 0.00004SeqRNN:hidden_size: 256Loss:function: ppocr.modeling.losses.rec_ctc_loss,CTCLossOptimizer:function: ppocr.optimizer,AdamDecaybase_lr: 0.0001l2_decay: 0.00004beta1: 0.9beta2: 0.999decay:function: cosine_decay_warmupstep_each_epoch: 1000total_epoch: 201warmup_minibatch: 2000#my_rec_ch_reader.yml TrainReader:reader_function: ppocr.data.rec.dataset_traversal,SimpleReadernum_workers: 1img_set_dir: /home/aistudio/data/train_imageslabel_file_path: /home/aistudio/data/train_label.txtEvalReader:reader_function: ppocr.data.rec.dataset_traversal,SimpleReaderimg_set_dir: /home/aistudio/data/train_imageslabel_file_path: /home/aistudio/data/train_label.txtTestReader:reader_function: ppocr.data.rec.dataset_traversal,SimpleReader参数解读 ParameterDescriptionDefault valueuse_gpu是否启用GPUTRUEgpu_memGPU memory size used for initialization8000Mimage_dirThe images path or folder path for predicting when used by the command linedet_algorithm选择的检测算法类型DBdet_model_dir文本检测推理模型文件夹。 参数传递有两种方式None自动将内置模型下载到 /root/.paddleocr/det 自己转换的推理模型的路径模型和params文件必须包含在模型路径中Nonedet_max_side_len图像长边的最大尺寸。 当长边超过这个值时长边会调整到这个大小短边会按比例缩放960det_db_threshBinarization threshold value of DB output map0.3det_db_box_threshThe threshold value of the DB output box. Boxes score lower than this value will be discarded0.5det_db_unclip_ratioThe expanded ratio of DB output box2det_east_score_threshBinarization threshold value of EAST output map0.8det_east_cover_threshThe threshold value of the EAST output box. Boxes score lower than this value will be discarded0.1det_east_nms_threshThe NMS threshold value of EAST model output box0.2rec_algorithm选择的识别算法类型CRNN卷积循环神经网络rec_model_dir文本识别推理模型文件夹。 参数传递有两种方式None自动将内置模型下载到 /root/.paddleocr/rec 自己转换的推理模型的路径模型和params文件必须包含在模型路径中Nonerec_image_shape图像形状识别算法“3,32,320”rec_batch_numWhen performing recognition, the batchsize of forward images30max_text_length识别算法可以识别的最大文本长度25rec_char_dict_paththe alphabet path which needs to be modified to your own path when rec_model_Name use mode 2./ppocr/utils/ppocr_keys_v1.txtuse_space_char是否识别空格TRUEdrop_score按分数过滤输出来自识别模型低于此分数的将不返回0.5use_angle_cls是否加载分类模型FALSEcls_model_dir分类推理模型文件夹。 参数传递有两种方式None自动下载内置模型到 /root/.paddleocr/cls 自己转换的推理模型的路径模型和params文件必须包含在模型路径中Nonecls_image_shape图像形状分类算法“3,48,192”label_listlabel list of classification algorithm[‘0’,‘180’]cls_batch_numWhen performing classification, the batchsize of forward images30enable_mkldnn是否启用 mkldnnFALSEuse_zero_copy_runWhether to forward by zero_copy_runFALSElang支持语言目前只支持中文(ch)、English(en)、French(french)、German(german)、Korean(korean)、Japanese(japan)chdetppocr.ocr 函数执行时启用检测TRUErecppocr.ocr func exec 时启用识别TRUEclsEnable classification when ppocr.ocr func exec((Use use_angle_cls in command line mode to control whether to start classification in the forward direction)FALSEshow_logWhether to print logFALSEtypePerform ocr or table structuring, 取值在 [‘ocr’,‘structure’]ocrocr_versionOCR型号版本号目前模型支持列表如下PP-OCRv3支持中英文检测、识别、多语言识别、方向分类器模型PP-OCRv2支持中文检测识别模型PP-OCR支持中文检测、识别 和方向分类器、多语言识别模型PP-OCRv3 九、训练与预测 9.1 训练模型 根据修改后的配置文件输入以下命令就可以开始训练。 !pwd !cd ~/work/PaddleOCR python tools/train.py -c configs/rec/my_rec_ch_train.yml9.2导出模型 通过export_model.py导出模型设置配置文件及导出路径。 !cd ~/work/PaddleOCR python tools/export_model.py -c configs/rec/my_rec_ch_train.yml -o Global.checkpoints./output/my_rec_ch/iter_epoch_27 Global.save_inference_dir./inference/CRNN_R342022-09-30 22:57:53,971-INFO: {Global: {debug: False, algorithm: CRNN, use_gpu: True, epoch_num: 201, log_smooth_window: 20, print_batch_step: 10, save_model_dir: ./output/my_rec_ch, save_epoch_step: 3, eval_batch_step: 1000, train_batch_size_per_card: 64, test_batch_size_per_card: 64, image_shape: [3, 48, 256], max_text_length: 80, character_type: ch, character_dict_path: ./ppocr/utils/ppocr_keys_v1.txt, loss_type: ctc, distort: True, use_space_char: True, reader_yml: ./configs/rec/my_rec_ch_reader.yml, pretrain_weights: ./pretrain_weights/ch_ppocr_server_v1.1_rec_pre/best_accuracy, checkpoints: ./output/my_rec_ch/iter_epoch_27, save_inference_dir: ./inference/CRNN_R34, infer_img: None}, Architecture: {function: ppocr.modeling.architectures.rec_model,RecModel}, Backbone: {function: ppocr.modeling.backbones.rec_resnet_vd,ResNet, layers: 34}, Head: {function: ppocr.modeling.heads.rec_ctc_head,CTCPredict, encoder_type: rnn, fc_decay: 4e-05, SeqRNN: {hidden_size: 256}}, Loss: {function: ppocr.modeling.losses.rec_ctc_loss,CTCLoss}, Optimizer: {function: ppocr.optimizer,AdamDecay, base_lr: 0.0001, l2_decay: 4e-05, beta1: 0.9, beta2: 0.999, decay: {function: cosine_decay_warmup, step_each_epoch: 1000, total_epoch: 201, warmup_minibatch: 2000}}, TrainReader: {reader_function: ppocr.data.rec.dataset_traversal,SimpleReader, num_workers: 8, img_set_dir: /home/aistudio/data/train_images, label_file_path: /home/aistudio/data/train_label.txt}, EvalReader: {reader_function: ppocr.data.rec.dataset_traversal,SimpleReader, img_set_dir: /home/aistudio/data/train_images, label_file_path: /home/aistudio/data/train_label.txt}, TestReader: {reader_function: ppocr.data.rec.dataset_traversal,SimpleReader}} W0930 22:57:54.222055 22198 device_context.cc:252] Please NOTE: device: 0, CUDA Capability: 70, Driver API Version: 11.2, Runtime API Version: 9.0 W0930 22:57:54.227607 22198 device_context.cc:260] device: 0, cuDNN Version: 7.6. 2022-09-30 22:57:57,220-INFO: Finish initing model from ./output/my_rec_ch/iter_epoch_27 inference model saved in ./inference/CRNN_R34/model and ./inference/CRNN_R34/params save success, output_name_list: [decoded_out, predicts]9.3预测结果 修改模型路径运行predict.py: import sys import osfrom paddleocr import PaddleOCR import numpy as np import glob import time if __name____main__:# Preferenceimg_set_dir os.path.join(..,data,test_images,)# Load modeluse_gpu True use_angle_cls False det Falsedet_model_dir os.path.join(PaddleOCR,inference,ch_ppocr_mobile_v1.1_det_infer)cls_model_dir os.path.join(PaddleOCR,inference,ch_ppocr_mobile_v1.1_cls_infer)rec_model_dir os.path.join(PaddleOCR,inference,CRNN_R34)ocr PaddleOCR(use_angle_clsuse_angle_cls, langch,use_gpuuse_gpu,use_space_charFalse,gpu_mem4000,det det,rec_image_shape 3, 48, 256, rec_algorithm CRNN,max_text_length 80,det_model_dir det_model_dir,cls_model_dir cls_model_dir,rec_model_dir rec_model_dir)# Load data in a folderimages glob.glob(img_set_dir*.jpg)log_file_name time.strftime(%Y-%m-%d-%H-%M-%S, time.localtime())# Print result to a filewith open(log_file_name.txt,w) as fid:print(new_name\tvalue,filefid)#Inference in a folderfor image in images:result ocr.ocr(image, clsuse_angle_cls,detdet)if result is None:print(Test {} failed..format(image.replace(img_set_dir,)))continuefor info in result:pred_label info[0]print({}\t{}.format(image.replace(img_set_dir,),pred_label),filefid)print(Finished predicting {} images!.format(len(images)))!pwd !python ~/work/predict.py最终结果以txt文件保存命名格式Y-%m-%d-%H-%M-%S保存在在/home/aistudio/目录下。 #查看结果 txt文件生成 %cd /home/aistudio/ !cat 2022-09-30-22-58-06.txt | head -n 10十、总结与后续优化 1.目前只用resnet网络后续考虑更换更多轻量级网络测试效果 2.后续继续对数据进行增强操作或结合更多相关数据集增加模型的泛化性 3.继续精调整学习率大小及训练策略调整提升模型的收敛速度及准确度。 本篇总结 本篇主要介绍OCR实战项目以PaddleOCR框架完成计算机视觉中文场景识别任务尽可能详细介绍代码及项目流程如有错误请指正后续本人也将介绍更多实战项目欢迎大家交流学习。 参考资料 PaddleOCR官方教程
http://www.w-s-a.com/news/397798/

相关文章:

  • 做信息图网站网站建设的软件介绍
  • 网站开发语言数据库有几种魏县审批建设的网站
  • 北京公司网站建设推荐海口建设
  • 不懂编程如何做网站婚礼网站模板
  • 像京东一样的网站wordpress入门视频教程7 - 如何在文章里加入视频和音乐
  • 惠州网站建设排名wordpress3万篇文章优化
  • 创建网站的三种方法北京建王园林工程有限公司
  • jsp网站建设模板下载十大免费excel网站
  • 网络公司网站图片网站建立好了自己怎么做优化
  • 云主机是不是可以搭建无数个网站百度快速seo优化
  • 房地产怎么做网站推广建立音乐网站
  • 川畅科技联系 网站设计网站开发的教学视频
  • 为什么学网站开发凡科登陆
  • 设计师常备设计网站大全中山精品网站建设信息
  • 杭州建设工程网seo服务是什么
  • 兼职做问卷调查的网站wordpress mysql设置
  • 怎么在百度上能搜到自己的网站山西seo谷歌关键词优化工具
  • 网站搭建免费模板飞鱼crm下载
  • 网站开发竞品分析app制作公司深圳
  • 网站建设ssc源码修复设计班级网站建设
  • 网站重定向凡科做网站不要钱
  • 佛山html5网站建设微信营销软件破解版
  • 网站单页做301南京百度推广
  • 私人做网站要多少钱展芒设计网页
  • 怎样网站制作设计如何在网上推广农产品
  • 做关键词排名卖网站聚名网
  • 吉林省住房城乡建设厅网站首页体育器材网站建设方案
  • 网站建设及维护专业手机金融界网站
  • 常州网站建设工作室建立网站有怎么用途
  • 如何盗取网站推广策划书模板