点击上方“AI算法与图像处理”,选择加"星标"或“置顶”

重磅干货,第一时间送达640?wx_fmt=jpeg

640?wx_fmt=png

推荐文章【点击下面可直接跳转】:

来源:https://handong1587.github.io/deep_learning/2015/10/09/ocr.html#papers

已向作者申请转载,欢迎大家来补充,贡献出自己的一份力~

导读

收藏从未停止,行动从未开始。

最近看到一个非常赞的OCR相关资源,收集从2015.10.9到现在的一些OCR文献,github项目和博客资源等

目前我已经将其搬运到自己的github上,欢迎大家通过issues来补充优质内容,后续希望也能补充更多其他方向的资源~

https://github.com/DWCTOD/awesome-computer-vision

Papers

Multi-digit Number Recognition from Street View Imagery using Deep Convolutional Neural Networks

  • intro: Google. Ian J. Goodfellow

  • arxiv: https://arxiv.org/abs/1312.6082

End-to-End Text Recognition with Convolutional Neural Networks

  • paper: http://www.cs.stanford.edu/~acoates/papers/wangwucoatesng_icpr2012.pdf

  • PhD thesis: http://cs.stanford.edu/people/dwu4/HonorThesis.pdf

Word Spotting and Recognition with Embedded Attributes

640?wx_fmt=jpeg

  • paper: http://ieeexplore.ieee.org.sci-hub.org/xpl/articleDetails.jsp?arnumber=6857995&filter%3DAND%28p_IS_Number%3A6940341%29

Reading Text in the Wild with Convolutional Neural Networks

640?wx_fmt=jpeg

  • arxiv: http://arxiv.org/abs/1412.1842

  • homepage: http://www.robots.ox.ac.uk/~vgg/publications/2016/Jaderberg16/

  • demo: http://zeus.robots.ox.ac.uk/textsearch/#/search/

  • code: http://www.robots.ox.ac.uk/~vgg/research/text/

Deep structured output learning for unconstrained text recognition

  • intro: “propose an architecture consisting of a character sequence CNN and an N-gram encoding CNN which act on an input image in parallel and whose outputs are utilized along with a CRF model to recognize the text content present within the image.”

  • arxiv: http://arxiv.org/abs/1412.5903

Deep Features for Text Spotting

  • paper: http://www.robots.ox.ac.uk/~vgg/publications/2014/Jaderberg14/jaderberg14.pdf

  • bitbucket: https://bitbucket.org/jaderberg/eccv2014_textspotting

  • gitxiv: http://gitxiv.com/posts/uB4y7QdD5XquEJ69c/deep-features-for-text-spotting

Reading Scene Text in Deep Convolutional Sequences

  • intro: AAAI 2016

  • arxiv: http://arxiv.org/abs/1506.04395

DeepFont: Identify Your Font from An Image

  • arxiv: http://arxiv.org/abs/1507.03196

An End-to-End Trainable Neural Network for Image-based Sequence Recognition and Its Application to Scene Text Recognition

  • intro: Convolutional Recurrent Neural Network (CRNN)

  • arxiv: http://arxiv.org/abs/1507.05717

  • github: https://github.com/bgshih/crnn

  • github: https://github.com/meijieru/crnn.pytorch

Recursive Recurrent Nets with Attention Modeling for OCR in the Wild

  • arxiv: http://arxiv.org/abs/1603.03101

Writer-independent Feature Learning for Offline Signature Verification using Deep Convolutional Neural Networks

  • arxiv: http://arxiv.org/abs/1604.00974

DeepText: A Unified Framework for Text Proposal Generation and Text Detection in Natural Images

  • arxiv: http://arxiv.org/abs/1605.07314

End-to-End Interpretation of the French Street Name Signs Dataset

  • paper: http://link.springer.com/chapter/10.1007%2F978-3-319-46604-0_30

  • github: https://github.com/tensorflow/models/tree/master/street

End-to-End Subtitle Detection and Recognition for Videos in East Asian Languages via CNN Ensemble with Near-Human-Level Performance

  • arxiv: https://arxiv.org/abs/1611.06159

Smart Library: Identifying Books in a Library using Richly Supervised Deep Scene Text Reading

  • arxiv: https://arxiv.org/abs/1611.07385

Improving Text Proposals for Scene Images with Fully Convolutional Networks

  • intro: Universitat Autonoma de Barcelona (UAB) & University of Florence

  • intro: International Conference on Pattern Recognition (ICPR) - DLPR (Deep Learning for Pattern Recognition) workshop

  • arxiv: https://arxiv.org/abs/1702.05089

Scene Text Eraser

https://arxiv.org/abs/1705.02772

Attention-based Extraction of Structured Information from Street View Imagery

  • intro: University College London & Google Inc

  • arxiv: https://arxiv.org/abs/1704.03549

  • github: https://github.com/tensorflow/models/tree/master/attention_ocr

Implicit Language Model in LSTM for OCR

https://arxiv.org/abs/1805.09441

Scene Text Magnifier

  • intro: ICDAR 2019

  • arxiv: https://arxiv.org/abs/1907.00693

Text Detection

Object Proposals for Text Extraction in the Wild

  • intro: ICDAR 2015

  • arxiv: http://arxiv.org/abs/1509.02317

  • github: https://github.com/lluisgomez/TextProposals

Text-Attentional Convolutional Neural Networks for Scene Text Detection

  • arxiv: http://arxiv.org/abs/1510.03283

Accurate Text Localization in Natural Image with Cascaded Convolutional Text Network

  • arxiv: http://arxiv.org/abs/1603.09423

Synthetic Data for Text Localisation in Natural Images

640?wx_fmt=jpeg

  • intro: CVPR 2016

  • project page: http://www.robots.ox.ac.uk/~vgg/data/scenetext/

  • arxiv: http://arxiv.org/abs/1604.06646

  • paper: http://www.robots.ox.ac.uk/~vgg/data/scenetext/gupta16.pdf

  • github: https://github.com/ankush-me/SynthText

Scene Text Detection via Holistic, Multi-Channel Prediction

  • arxiv: http://arxiv.org/abs/1606.09002

Detecting Text in Natural Image with Connectionist Text Proposal Network

  • intro: ECCV 2016

  • arxiv: http://arxiv.org/abs/1609.03605

  • github(Caffe): https://github.com/tianzhi0549/CTPN

  • github(CUDA8.0 support): https://github.com/qingswu/CTPN

  • demo: http://textdet.com/

  • github(Tensorflow): https://github.com/eragonruan/text-detection-ctpn

TextBoxes: A Fast Text Detector with a Single Deep Neural Network

  • intro: AAAI 2017

  • arxiv: https://arxiv.org/abs/1611.06779

  • github(Caffe): https://github.com/MhLiao/TextBoxes

  • github: https://github.com/xiaodiu2010/TextBoxes-TensorFlow

TextBoxes++: A Single-Shot Oriented Scene Text Detector

  • intro: TIP 2018. University of Science and Technology(HUST)

  • arxiv: https://arxiv.org/abs/1801.02765

  • github(official, Caffe): https://github.com/MhLiao/TextBoxes_plusplus

Arbitrary-Oriented Scene Text Detection via Rotation Proposals

  • intro: IEEE Transactions on Multimedia

  • keywords: RRPN

  • arxiv: https://arxiv.org/abs/1703.01086

  • github: https://github.com/mjq11302010044/RRPN

  • github: https://github.com/DetectionTeamUCAS/RRPN_Faster-RCNN_Tensorflow

Deep Matching Prior Network: Toward Tighter Multi-oriented Text Detection

  • intro: CVPR 2017

  • intro: F-measure 70.64%, outperforming the existing state-of-the-art method with F-measure 63.76%

  • arxiv: https://arxiv.org/abs/1703.01425

Detecting Oriented Text in Natural Images by Linking Segments

  • intro: CVPR 2017

  • arxiv: https://arxiv.org/abs/1703.06520

  • github(Tensorflow): https://github.com/dengdan/seglink

Deep Direct Regression for Multi-Oriented Scene Text Detection

  • arxiv: https://arxiv.org/abs/1703.08289

Cascaded Segmentation-Detection Networks for Word-Level Text Spotting

https://arxiv.org/abs/1704.00834

Text-Detection-using-py-faster-rcnn-framework

  • github: https://github.com/jugg1024/Text-Detection-with-FRCN

WordFence: Text Detection in Natural Images with Border Awareness

  • intro: ICIP 2017

  • arcxiv: https://arxiv.org/abs/1705.05483

SSD-text detection: Text Detector

  • intro: A modified SSD model for text detection

  • github: https://github.com/oyxhust/ssd-text_detection

R2CNN: Rotational Region CNN for Orientation Robust Scene Text Detection

  • intro: Samsung R&D Institute China

  • arxiv: https://arxiv.org/abs/1706.09579

R-PHOC: Segmentation-Free Word Spotting using CNN

  • intro: ICDAR 2017

  • arxiv: https://arxiv.org/abs/1707.01294

Towards End-to-end Text Spotting with Convolutional Recurrent Neural Networks

  • intro: ICCV 2017

  • arxiv: https://arxiv.org/abs/1707.03985

EAST: An Efficient and Accurate Scene Text Detector

  • intro: CVPR 2017. Megvii

  • arxiv: https://arxiv.org/abs/1704.03155

  • paper: http://openaccess.thecvf.com/content_cvpr_2017/papers/Zhou_EAST_An_Efficient_CVPR_2017_paper.pdf

  • github(Tensorflow): https://github.com/argman/EAST

Deep Scene Text Detection with Connected Component Proposals

  • intro: Amap Vision Lab, Alibaba Group

  • arxiv: https://arxiv.org/abs/1708.05133

Single Shot Text Detector with Regional Attention

  • intro: ICCV 2017

  • arxiv: https://arxiv.org/abs/1709.00138

  • github: https://github.com/BestSonny/SSTD

  • code: http://sstd.whuang.org

Fused Text Segmentation Networks for Multi-oriented Scene Text Detection

https://arxiv.org/abs/1709.03272

Deep Residual Text Detection Network for Scene Text

  • intro: IAPR International Conference on Document Analysis and Recognition (ICDAR) 2017. Samsung R&D Institute of China, Beijing

  • arxiv: https://arxiv.org/abs/1711.04147

Feature Enhancement Network: A Refined Scene Text Detector

  • intro: AAAI 2018

  • arxiv: https://arxiv.org/abs/1711.04249

ArbiText: Arbitrary-Oriented Text Detection in Unconstrained Scene

https://arxiv.org/abs/1711.11249

Detecting Curve Text in the Wild: New Dataset and New Solution

  • arxiv: https://arxiv.org/abs/1712.02170

  • github: https://github.com/Yuliang-Liu/Curve-Text-Detector

FOTS: Fast Oriented Text Spotting with a Unified Network

https://arxiv.org/abs/1801.01671

PixelLink: Detecting Scene Text via Instance Segmentation

  • intro: AAAI 2018

  • arxiv: https://arxiv.org/abs/1801.01315

PixelLink: Detecting Scene Text via Instance Segmentation

  • intro: AAAI 2018. Zhejiang University & Chinese Academy of Sciences

  • arxiv: https://arxiv.org/abs/1801.01315

Sliding Line Point Regression for Shape Robust Scene Text Detection

https://arxiv.org/abs/1801.09969

Multi-Oriented Scene Text Detection via Corner Localization and Region Segmentation

  • intro: CVPR 2018

  • arxiv: https://arxiv.org/abs/1802.08948

Single Shot TextSpotter with Explicit Alignment and Attention

  • intro: CVPR 2018

  • arxiv: https://arxiv.org/abs/1803.03474

Rotation-Sensitive Regression for Oriented Scene Text Detection

  • intro: CVPR 2018

  • arxiv: https://arxiv.org/abs/1803.05265

Detecting Multi-Oriented Text with Corner-based Region Proposals

  • arxiv: https://arxiv.org/abs/1804.02690

  • github: https://github.com/xhzdeng/crpn

An Anchor-Free Region Proposal Network for Faster R-CNN based Text Detection Approaches

https://arxiv.org/abs/1804.09003

IncepText: A New Inception-Text Module with Deformable PSROI Pooling for Multi-Oriented Scene Text Detection

  • intro: IJCAI 2018. Alibaba Group

  • arxiv: https://arxiv.org/abs/1805.01167

Boosting up Scene Text Detectors with Guided CNN

https://arxiv.org/abs/1805.04132

Shape Robust Text Detection with Progressive Scale Expansion Network

  • arxiv: https://arxiv.org/abs/1806.02559

  • github: https://github.com/whai362/PSENet

A Single Shot Text Detector with Scale-adaptive Anchors

https://arxiv.org/abs/1807.01884

TextSnake: A Flexible Representation for Detecting Text of Arbitrary Shapes

  • intro: ECCV 2018

  • arxiv: https://arxiv.org/abs/1807.01544

Mask TextSpotter: An End-to-End Trainable Neural Network for Spotting Text with Arbitrary Shapes

  • intro: ECCV 2018. Huazhong University of Science and Technology & Megvii (Face++) Technology

  • arxiv: https://arxiv.org/abs/1807.02242

Accurate Scene Text Detection through Border Semantics Awareness and Bootstrapping

  • intro: ECCV 2018

  • arxiv: https://arxiv.org/abs/1807.03547

TextContourNet: a Flexible and Effective Framework for Improving Scene Text Detection Architecture with a Multi-task Cascade

https://arxiv.org/abs/1809.03050

Correlation Propagation Networks for Scene Text Detection

https://arxiv.org/abs/1810.00304

Scene Text Detection with Supervised Pyramid Context Network

  • intro: AAAI 2019

  • arxiv: https://arxiv.org/abs/1811.08605

Improving Rotated Text Detection with Rotation Region Proposal Networks

https://arxiv.org/abs/1811.07031

Pixel-Anchor: A Fast Oriented Scene Text Detector with Combined Networks

https://arxiv.org/abs/1811.07432

Mask R-CNN with Pyramid Attention Network for Scene Text Detection

  • intro: WACV 2019

  • arxiv: https://arxiv.org/abs/1811.09058

TextField: Learning A Deep Direction Field for Irregular Scene Text Detection

  • intro: Huazhong University of Science and Technology (HUST) & Alibaba Group

  • arxiv: https://arxiv.org/abs/1812.01393

Detecting Text in the Wild with Deep Character Embedding Network

  • intro: ACCV 2018

  • intro: Baidu

  • arxiv: https://arxiv.org/abs/1901.00363

MSR: Multi-Scale Shape Regression for Scene Text Detection

https://arxiv.org/abs/1901.02596

Pyramid Mask Text Detector

  • intro: SenseTime & Beihang University & CUHK

  • arxiv: https://arxiv.org/abs/1903.11800

Shape Robust Text Detection with Progressive Scale Expansion Network

  • intro: CVPR 2019

  • arxiv: https://arxiv.org/abs/1903.12473

Tightness-aware Evaluation Protocol for Scene Text Detection

  • intro: CVPR 2019

  • arxiv: https://arxiv.org/abs/1904.00813

  • github: https://github.com/Yuliang-Liu/TIoU-metric

Character Region Awareness for Text Detection

  • intro: CVPR 2019

  • keywords: CRAFT: Character-Region Awareness For Text detection

  • arxiv: https://arxiv.org/abs/1904.01941

  • github(official): https://github.com/clovaai/CRAFT-pytorch

Towards End-to-End Text Spotting in Natural Scenes

  • intro: An extension of the work “Towards End-to-end Text Spotting with Convolutional Recurrent Neural Networks”, Proc. Int. Conf. Comp. Vision 2017

  • arxiv: https://arxiv.org/abs/1906.06013

A Single-Shot Arbitrarily-Shaped Text Detector based on Context Attended Multi-Task Learning

  • intro: ACM MM 2019

  • arxiv: https://arxiv.org/abs/1908.05498

Geometry Normalization Networks for Accurate Scene Text Detection

  • intro: ICCV 2019

  • arxiv: https://arxiv.org/abs/1909.00794

Text Recognition

Sequence to sequence learning for unconstrained scene text recognition

  • intro: master thesis

  • arxiv: http://arxiv.org/abs/1607.06125

Drawing and Recognizing Chinese Characters with Recurrent Neural Network

  • arxiv: https://arxiv.org/abs/1606.06539

Learning Spatial-Semantic Context with Fully Convolutional Recurrent Network for Online Handwritten Chinese Text Recognition

  • intro: correct rates: Dataset-CASIA 97.10% and Dataset-ICDAR 97.15%

  • arxiv: https://arxiv.org/abs/1610.02616

Stroke Sequence-Dependent Deep Convolutional Neural Network for Online Handwritten Chinese Character Recognition

  • arxiv: https://arxiv.org/abs/1610.04057

Visual attention models for scene text recognition

https://arxiv.org/abs/1706.01487

Focusing Attention: Towards Accurate Text Recognition in Natural Images

  • intro: ICCV 2017

  • arxiv: https://arxiv.org/abs/1709.02054

Scene Text Recognition with Sliding Convolutional Character Models

https://arxiv.org/abs/1709.01727

AdaDNNs: Adaptive Ensemble of Deep Neural Networks for Scene Text Recognition

https://arxiv.org/abs/1710.03425

A New Hybrid-parameter Recurrent Neural Networks for Online Handwritten Chinese Character Recognition

https://arxiv.org/abs/1711.02809

AON: Towards Arbitrarily-Oriented Text Recognition

  • arxiv: https://arxiv.org/abs/1711.04226

  • github: https://github.com/huizhang0110/AON

Arbitrarily-Oriented Text Recognition

  • intro: A method used in ICDAR 2017 word recognition competitions

  • arxiv: https://arxiv.org/abs/1711.04226

SEE: Towards Semi-Supervised End-to-End Scene Text Recognition

https://arxiv.org/abs/1712.05404

Edit Probability for Scene Text Recognition

  • intro: Fudan University & Hikvision Research Institute

  • arxiv: https://arxiv.org/abs/1805.03384

SCAN: Sliding Convolutional Attention Network for Scene Text Recognition

https://arxiv.org/abs/1806.00578

Adaptive Adversarial Attack on Scene Text Recognition

  • intro: University of Florida

  • arxiv: https://arxiv.org/abs/1807.03326

ESIR: End-to-end Scene Text Recognition via Iterative Image Rectification

https://arxiv.org/abs/1812.05824

A Multi-Object Rectified Attention Network for Scene Text Recognition

  • intro: Pattern Recognition 2019

  • keywords: MORAN

  • arxiv: https://arxiv.org/abs/1901.03003

SAFE: Scale Aware Feature Encoder for Scene Text Recognition

  • intro: ACCV 2018

  • arxiv: https://arxiv.org/abs/1901.05770

A Simple and Robust Convolutional-Attention Network for Irregular Text Recognition

https://arxiv.org/abs/1904.01375

FACLSTM: ConvLSTM with Focused Attention for Scene Text Recognition

https://arxiv.org/abs/1904.09405

Text Detection + Recognition

STN-OCR: A single Neural Network for Text Detection and Text Recognition

  • arxiv: https://arxiv.org/abs/1707.08831

  • github(MXNet): https://github.com/Bartzi/stn-ocr

Deep TextSpotter: An End-to-End Trainable Scene Text Localization and Recognition Framework

  • intro: ICCV 2017

  • arxiv: http://openaccess.thecvf.com/content_ICCV_2017/papers/Busta_Deep_TextSpotter_An_ICCV_2017_paper.pdf

FOTS: Fast Oriented Text Spotting with a Unified Network

https://arxiv.org/abs/1801.01671

Single Shot TextSpotter with Explicit Alignment and Attention

An end-to-end TextSpotter with Explicit Alignment and Attention

  • intro: CVPR 2018

  • arxiv: https://arxiv.org/abs/1803.03474

  • github(official, Caffe): https://github.com/tonghe90/textspotter

Verisimilar Image Synthesis for Accurate Detection and Recognition of Texts in Scenes

  • intro: ECCV 2018

  • arxiv: https://arxiv.org/abs/1807.03021

  • github: https://github.com/fnzhan/Verisimilar-Image-Synthesis-for-Accurate-Detection-and-Recognition-of-Texts-in-Scenes

Scene Text Detection and Recognition: The Deep Learning Era

  • arxiv: https://arxiv.org/abs/1811.04256

  • gihtub: https://github.com/Jyouhou/SceneTextPapers

A Novel Integrated Framework for Learning both Text Detection and Recognition

  • intro: Alibaba

  • arxiv: https://arxiv.org/abs/1811.08611

Efficient Video Scene Text Spotting: Unifying Detection, Tracking, and Recognition

  • intro: Zhejiang University & Hikvision Research Institute

  • arxiv: https://arxiv.org/abs/1903.03299

A Multitask Network for Localization and Recognition of Text in Images

  • intro: ICDAR 2019

  • arxiv: https://arxiv.org/abs/1906.09266

GA-DAN: Geometry-Aware Domain Adaptation Network for Scene Text Detection and Recognition

  • intro: ICCV 2019

  • arxiv: https://arxiv.org/abs/1907.09653

Breaking Captcha

Using deep learning to break a Captcha system

  • intro: “Using Torch code to break simplecaptcha with 92% accuracy”

  • blog: https://deepmlblog.wordpress.com/2016/01/03/how-to-break-a-captcha-system/

  • github: https://github.com/arunpatala/captcha

Breaking reddit captcha with 96% accuracy

  • blog: https://deepmlblog.wordpress.com/2016/01/05/breaking-reddit-captcha-with-96-accuracy/

  • github: https://github.com/arunpatala/reddit.captcha

I’m not a human: Breaking the Google reCAPTCHA

  • paper: https://www.blackhat.com/docs/asia-16/materials/asia-16-Sivakorn-Im-Not-a-Human-Breaking-the-Google-reCAPTCHA-wp.pdf

Neural Net CAPTCHA Cracker

  • slides: http://www.cs.sjsu.edu/faculty/pollett/masters/Semesters/Spring15/geetika/CS298%20Slides%20-%20PDF

  • github: https://github.com/bgeetika/Captcha-Decoder

  • demo: http://cp-training.appspot.com/

Recurrent neural networks for decoding CAPTCHAS

  • blog: https://deepmlblog.wordpress.com/2016/01/12/recurrent-neural-networks-for-decoding-captchas/

  • demo: http://simplecaptcha.sourceforge.net/

  • code: http://sourceforge.net/projects/simplecaptcha/

Reading irctc captchas with 95% accuracy using deep learning

  • github: https://github.com/arunpatala/captcha.irctc

端到端的OCR:基于CNN的实现

  • blog: http://blog.xlvector.net/2016-05/mxnet-ocr-cnn/

I Am Robot: (Deep) Learning to Break Semantic Image CAPTCHAs

  • intro: automatically solving 70.78% of the image reCaptchachallenges, while requiring only 19 seconds per challenge. apply to the Facebook image captcha and achieve an accuracy of 83.5%

  • paper: http://www.cs.columbia.edu/~polakis/papers/sivakorn_eurosp16.pdf

SimGAN-Captcha

  • intro: Solve captcha without manually labeling a training set

  • github: https://github.com/rickyhan/SimGAN-Captcha

Handwritten Recognition

High Performance Offline Handwritten Chinese Character Recognition Using GoogLeNet and Directional Feature Maps

  • arxiv: http://arxiv.org/abs/1505.04925

  • github: https://github.com/zhongzhuoyao/HCCR-GoogLeNet

Recognize your handwritten numbers

640?wx_fmt=jpeg

https://medium.com/@o.kroeger/recognize-your-handwritten-numbers-3f007cbe46ff#.jllz62xgu

Handwritten Digit Recognition using Convolutional Neural Networks in Python with Keras

  • blog: http://machinelearningmastery.com/handwritten-digit-recognition-using-convolutional-neural-networks-python-keras/

MNIST Handwritten Digit Classifier

  • github: https://github.com/karandesai-96/digit-classifier

如何用卷积神经网络CNN识别手写数字集?

  • blog: http://www.cnblogs.com/charlotte77/p/5671136.html

LeNet – Convolutional Neural Network in Python

  • blog: http://www.pyimagesearch.com/2016/08/01/lenet-convolutional-neural-network-in-python/

Scan, Attend and Read: End-to-End Handwritten Paragraph Recognition with MDLSTM Attention

  • arxiv: http://arxiv.org/abs/1604.03286

MLPaint: the Real-Time Handwritten Digit Recognizer

640?wx_fmt=jpeg

  • blog: http://blog.mldb.ai/blog/posts/2016/09/mlpaint/

  • github: https://github.com/mldbai/mlpaint

  • demo: https://docs.mldb.ai/ipy/notebooks/_demos/_latest/Image%20Processing%20with%20Convolutions.html

Training a Computer to Recognize Your Handwriting

https://medium.com/@annalyzin/training-a-computer-to-recognize-your-handwriting-24b808fb584#.gd4pb9jk2

Using TensorFlow to create your own handwriting recognition engine

  • blog: https://niektemme.com/2016/02/21/tensorflow-handwriting/

  • github: https://github.com/niektemme/tensorflow-mnist-predict/

Building a Deep Handwritten Digits Classifier using Microsoft Cognitive Toolkit

  • blog: https://medium.com/@tuzzer/building-a-deep-handwritten-digits-classifier-using-microsoft-cognitive-toolkit-6ae966caec69#.c3h6o7oxf

  • github: https://github.com/tuzzer/ai-gym/blob/a97936619cf56b5ed43329c6fa13f7e26b1d46b8/MNIST/minist_softmax_cntk.py

Hand Writing Recognition Using Convolutional Neural Networks

  • intro: This CNN-based model for recognition of hand written digits attains a validation accuracy of 99.2% after training for 12 epochs. Its trained on the MNIST dataset on Kaggle.

  • github: https://github.com/ayushoriginal/HandWritingRecognition-CNN

Design of a Very Compact CNN Classifier for Online Handwritten Chinese Character Recognition Using DropWeight and Global Pooling

  • intro: 0.57 MB, performance is decreased only by 0.91%.

  • arxiv: https://arxiv.org/abs/1705.05207

Handwritten digit string recognition by combination of residual network and RNN-CTC

https://arxiv.org/abs/1710.03112

Plate Recognition

Reading Car License Plates Using Deep Convolutional Neural Networks and LSTMs

  • arxiv: http://arxiv.org/abs/1601.05610

Number plate recognition with Tensorflow

640?wx_fmt=jpeg

  • blog: http://matthewearl.github.io/2016/05/06/cnn-anpr/

  • github(Deep ANPR): https://github.com/matthewearl/deep-anpr

end-to-end-for-plate-recognition

  • github: https://github.com/szad670401/end-to-end-for-chinese-plate-recognition

Segmentation-free Vehicle License Plate Recognition using ConvNet-RNN

  • intro: International Workshop on Advanced Image Technology, January, 8-10, 2017. Penang, Malaysia. Proceeding IWAIT2017

  • arxiv: https://arxiv.org/abs/1701.06439

License Plate Detection and Recognition Using Deeply Learned Convolutional Neural Networks

  • arxiv: https://arxiv.org/abs/1703.07330

  • api: https://www.sighthound.com/products/cloud

Adversarial Generation of Training Examples for Vehicle License Plate Recognition

https://arxiv.org/abs/1707.03124

Towards End-to-End Car License Plates Detection and Recognition with Deep Neural Networks

  • arxiv: https://arxiv.org/abs/1709.08828

Towards End-to-End License Plate Detection and Recognition: A Large Dataset and Baseline

  • paper: http://openaccess.thecvf.com/content_ECCV_2018/papers/Zhenbo_Xu_Towards_End-to-End_License_ECCV_2018_paper.pdf

  • github: https://github.com/detectRecog/CCPD

  • dataset: https://drive.google.com/file/d/1fFqCXjhk7vE9yLklpJurEwP9vdLZmrJd/view

High Accuracy Chinese Plate Recognition Framework

  • intro: 基于深度学习高性能中文车牌识别 High Performance Chinese License Plate Recognition Framework.

  • gihtub: https://github.com/zeusees/HyperLPR

LPRNet: License Plate Recognition via Deep Neural Networks

  • intrp=o: Intel IOTG Computer Vision Group

  • intro: works in real-time with recognition accuracy up to 95% for Chinese license plates: 3 ms/plate on nVIDIAR GeForceTMGTX 1080 and 1.3 ms/plate on IntelR CoreTMi7-6700K CPU.

  • arxiv: https://arxiv.org/abs/1806.10447

How many labeled license plates are needed?

  • intro: Chinese Conference on Pattern Recognition and Computer Vision

  • arxiv: https://arxiv.org/abs/1808.08410

An End-to-End Neural Network for Multi-line License Plate Recognition

  • intro: ICPR 2018

  • paper: https://sci-hub.se/10.1109/ICPR.2018.8546200#

  • github: https://github.com/deeplearningshare/multi-line-plate-recognition

Blogs

Applying OCR Technology for Receipt Recognition

  • blog: http://rnd.azoft.com/applying-ocr-technology-receipt-recognition/

  • mirror: http://pan.baidu.com/s/1qXQBQiC

Hacking MNIST in 30 lines of Python

  • blog: http://jrusev.github.io/post/hacking-mnist/

  • github: https://github.com/jrusev/simple-neural-networks

Optical Character Recognition Using One-Shot Learning, RNN, and TensorFlow

https://blog.altoros.com/optical-character-recognition-using-one-shot-learning-rnn-and-tensorflow.html

Creating a Modern OCR Pipeline Using Computer Vision and Deep Learning

https://blogs.dropbox.com/tech/2017/04/creating-a-modern-ocr-pipeline-using-computer-vision-and-deep-learning/

Projects

ocropy: Python-based tools for document analysis and OCR

  • github: https://github.com/tmbdev/ocropy

Extracting text from an image using Ocropus

  • blog: http://www.danvk.org/2015/01/09/extracting-text-from-an-image-using-ocropus.html

CLSTM : A small C++ implementation of LSTM networks, focused on OCR

  • github: https://github.com/tmbdev/clstm

OCR text recognition using tensorflow with attention

  • github: https://github.com/pannous/caffe-ocr

  • github: https://github.com/pannous/tensorflow-ocr

Digit Recognition via CNN: digital meter numbers detection

  • github(caffe): https://github.com/SHUCV/digit

Attention-OCR: Visual Attention based OCR

640?wx_fmt=jpeg

  • github: https://github.com/da03/Attention-OCR

umaru: An OCR-system based on torch using the technique of LSTM/GRU-RNN, CTC and referred to the works of rnnlib and clstm

  • github: https://github.com/edward-zhu/umaru

Tesseract.js: Pure Javascript OCR for 62 Languages

  • homepage: http://tesseract.projectnaptha.com/

  • github: https://github.com/naptha/tesseract.js

DeepHCCR: Offline Handwritten Chinese Character Recognition based on GoogLeNet and AlexNet (With CaffeModel)

  • github: https://github.com/chongyangtao/DeepHCCR

deep ocr: make a better chinese character recognition OCR than tesseract

https://github.com/JinpengLI/deep_ocr

Practical Deep OCR for scene text using CTPN + CRNN

https://github.com/AKSHAYUBHAT/DeepVideoAnalytics/blob/master/notebooks/OCR/readme.md

Tensorflow-based CNN+LSTM trained with CTC-loss for OCR

https://github.com//weinman/cnn_lstm_ctc_ocr

SSD_scene-text-detection

  • github: https://github.com//chenxinpeng/SSD_scene_text_detection

  • blog: http://blog.csdn.net/u010167269/article/details/52563573

Videos

LSTMs for OCR

  • youtube: https://www.youtube.com/watch?v=5vW8faXvnrc

Resources

Deep Learning for OCR

https://github.com/hs105/Deep-Learning-for-OCR

Scene Text Localization & Recognition Resources

  • intro: A curated list of resources dedicated to scene text localization and recognition

  • github: https://github.com/chongyangtao/Awesome-Scene-Text-Recognition

Scene Text Localization & Recognition Resources

  • intro: 图像文本位置感知与识别的论文资源汇总

  • github: https://github.com/whitelok/image-text-localization-recognition/blob/master/README.zh-cn.md

awesome-ocr: A curated list of promising OCR resources

https://github.com/wanghaisheng/awesome-ocr

640?

有热门推荐?

加群交流

640?wx_fmt=jpeg欢迎小伙伴加群交流,目前已有交流群的方向包括:AI学习交流群,目标检测,秋招互助,资料下载等等;加群可扫描并回复感兴趣方向即可

640?wx_fmt=png

640?wx_fmt=png
你点的每个“在看”,我都认真当成了喜欢
查看全文
如若内容造成侵权/违法违规/事实不符,请联系编程学习网邮箱:809451989@qq.com进行投诉反馈,一经查实,立即删除!

相关文章

  1. 论文盘点:CVPR 2018 Top 20,华人发明的SENet居首!

    最近CV君在盘点近几年三大CV顶会的论文,继CVPR 2019 、ICCV 2019 、ECCV 2018 Top 20 论文后:时隔一年,盘点CVPR 2019影响力最大的20篇论文时隔两年,盘点ECCV 2018影响力最大的20篇论文论文盘点:ICCV 2019 Top 20&…...

    2024/4/21 1:38:28
  2. CVPR 2019 论文汇总(按方向划分,0409 更新中)[转载]

    转载链接:http://bbs.cvmart.net/topics/302/cvpr2019paper 作为计算机视觉领域三大顶会之一,CVPR2019(2019.6.16-6.19在美国洛杉矶举办)被CVers 重点关注。目前CVPR 2019 接收结果已经出来啦,相关报道:13…...

    2024/4/20 20:39:42
  3. 【CVPR2019_论文汇总】(按方向划分,0401 更新中)

    转载链接:http://bbs.cvmart.net/topics/302/cvpr2019paper 作为计算机视觉领域三大顶会之一,CVPR2019(2019.6.16-6.19在美国洛杉矶举办)被CVers 重点关注。目前CVPR 2019 接收结果已经出来啦,相关报道:13…...

    2024/4/20 20:39:39
  4. 神经网络佛系炼丹手册

    写在前面 前几天有一篇关于神经网络训练的博文刷屏了,作者是特斯拉AI主管、李飞飞徒弟Andrej Karpathy。看了一眼之后发现跟之前CS231N课上的其中一节主题非常相似,而且在实际coding中也确实非常实用,于是趁着五一没事就再复习总结一遍记录下…...

    2024/4/20 1:40:25
  5. Pytorch深度学习实战教程(一):开启炼丹模式,语义分割基础与环境搭建

    本文 GitHub https://github.com/Jack-Cherish/PythonPark 已收录,有技术干货文章,整理的学习资料,一线大厂面试经验分享等,欢迎 Star 和 完善。 一、前言 该系列文章的内容有: Pytorch的基本使用语义分割算法讲解 先…...

    2024/4/20 20:39:37
  6. 炼丹志 | 2021显卡挑选指南

    点击上方“机器学习与生成对抗网络”,关注星标获取有趣、好玩的前沿干货!作者丨狐小妖DIY装机知乎 编辑丨极市平台来源丨https://zhuanlan.zhihu.com/p/3659260592021年5月26号已更新,今天出现了4399的2060,4799的2060S&#xff…...

    2024/4/21 1:38:24
  7. 谈谈怎样提高炼丹手速

    文 | 夕小瑶最近搞定几件焦头烂额的大事后,终于有了一丢丢的时间来写写文章,并且偶尔思考下算法工程师的核心竞争力是什么。前不久一时兴起写了篇标题党文章《惊了!掌握了这个炼丹技巧的我开始突飞猛进》,简单描述了一下我的升级打…...

    2024/4/21 1:38:24
  8. 炼丹技巧

    1. 无脑Adam 它的默认初始学习率是0.001,但是发现设置为0.0002效果很好 注意记录loss的时候最好把cross-entropy和regularization的loss分来记录,同时对比,最好是刚开始时两个方面的loss都在下降,不要说一开始一直都是regularization loss…...

    2024/4/21 1:38:23
  9. 炼丹面试官的面试笔记

    作者:无名,某小公司算法专家 排版:一元,四品炼丹师 公众号:炼丹笔记 关于Attention和Transformer的灵魂拷问 背景 现在几乎很多搞深度学习的朋友都把attention和Transformer等当做是基础知识去考察,但是经过我的几轮面…...

    2024/4/21 1:38:22
  10. 炼丹调参知识汇总

    UndefinedMetricWarning: Precision and F-score are ill-defined and being set to 0.0 in labels https://blog.csdn.net/So_that/article/details/89787366 CUDA ERROR: device-side assert triggered at 问题及解决思路【设置的标签index和实际数据不匹配】 https://blog.c…...

    2024/4/20 10:02:59
  11. 炼丹的一些trick

    采摘一些大佬的果实: 知乎:如何理解深度学习分布式训练中的large batch size与learning rate的关系?https://blog.csdn.net/shanglianlm/article/details/84821891转载于:https://www.cnblogs.com/yqpy/p/11406637.html...

    2024/4/21 1:38:19
  12. AI炼丹炉专栏

    专栏更新列表 0. AI炼丹炉专栏开篇:https://mp.weixin.qq.com/s/sHPlg5LOsuzr7wqtoyaCRA 1. 什么是AI项目的工程素养:https://mp.weixin.qq.com/s/_pSV-qhpqkw5OyIokrxldA 2. Linux学习(上) https://mp.weixin.qq.com/s/Kj4kTT…...

    2024/4/21 1:38:19
  13. vscode远程开发打造炼丹神器

    安装vscode 下载地址:https://code.visualstudio.com/ 安装远程开发插件 插件的名称:Remote Development 本地安装git或者open-ssh 可以通过直接安装git,之后直接使用vscode插件,但是我并没有成功,git安装地址:https://www.git-scm.com/downl…...

    2024/4/21 1:38:17
  14. 神经网络调参大师必知的炼丹细则

    ...

    2024/4/21 1:38:16
  15. 推荐算法炼丹笔记:排序模型CTR点击率预估系列

    微信公众号:炼丹笔记​CTR点击率预估系列家谱炼丹之前,先放一张CTR预估系列的家谱,让脉络更加清晰。(一)FiBiNET:结合特征重要性和双线性特征交互进行CTR预估1.1 背景本文发表在RecSys 2019,主要…...

    2024/4/21 1:38:15
  16. CIFAR-10 resnet18 炼丹指南

    使用预训练模型,Adam,learning rate 1e-4,效果不好,不过也可能是我不够耐心Adam, learning rate 1e-5 40个epoch后loss是0.1,之后在0.9附近振荡,test acc只有58%可能是没什么耐心,看网上都是几百…...

    2024/4/21 1:38:14
  17. 10大算法工程师炼丹Tricks

    点击上方“CVer”,选择加"星标"置顶重磅干货,第一时间送达本文转载自:炼丹笔记 | 作者:时晴Focal Loss针对类别不平衡问题,用预测概率对不同类别的loss进行加权。Focal loss对CE loss增加了一个调制系数来…...

    2024/4/21 1:38:13
  18. 炼丹的基础知识

    深度学习的优化算法:梯度下降-- -批处理下降:每次对所有数据集进行操作,遍历一遍后算损失函数然后算函数对各个参数的梯度, 更新梯度,Batch Gradient Descent 开销大、不支持在线学习 -随机梯度下降:对每…...

    2024/4/21 1:38:12
  19. 炼丹bug记录

    1. test或者valid时候,显存爆炸, 怀疑没有清空计算图或者梯度还存着 在循环前面, with torch.no_grad(): 2. 训练 开启bn和dropout: model.train() 测试关闭 bn和dropout: model.eval() 3。 训练加速方法 https:/…...

    2024/4/21 1:38:12
  20. 深度炼丹术

    神经网络模型的设计和训练十分复杂,initialization, activation, normalization,优化器,学习率 等等无不是四两拨千斤,这篇文章主要是总结一些炼丹技巧,讨论下关于如何初始化、选择激活函数、正则化的方式和优化器的选择等。 一. 优化器的选…...

    2024/4/21 1:38:10

最新文章

  1. 【数据结构】反转链表

    给你单链表的头节点 head ,请你反转链表,并返回反转后的链表。 Definition for singly-linked list.struct ListNode {int val;struct ListNode *next;};typedef struct ListNode ListNode; struct ListNode* reverseList(struct ListNode* head) {i…...

    2024/4/26 18:31:59
  2. 梯度消失和梯度爆炸的一些处理方法

    在这里是记录一下梯度消失或梯度爆炸的一些处理技巧。全当学习总结了如有错误还请留言,在此感激不尽。 权重和梯度的更新公式如下: w w − η ⋅ ∇ w w w - \eta \cdot \nabla w ww−η⋅∇w 个人通俗的理解梯度消失就是网络模型在反向求导的时候出…...

    2024/3/20 10:50:27
  3. 不重复数字

    map就感觉很舒服 题目描述 给定 n 个数,要求把其中重复的去掉,只保留第一次出现的数。 输入格式 本题有多组数据。 第一行一个整数 T,表示数据组数。 对于每组数据: 第一行一个整数 n。 第二行 n 个数,表示给定的数。…...

    2024/4/26 2:40:13
  4. LeetCode-200. 岛屿数量【深度优先搜索 广度优先搜索 并查集 数组 矩阵】

    LeetCode-200. 岛屿数量【深度优先搜索 广度优先搜索 并查集 数组 矩阵】 题目描述:解题思路一:bfs,主要思想都是遇到一个没有visited过的"陆地"先result 1,然后用深搜或者广搜将这片"陆地"全部做上visited标…...

    2024/4/22 12:55:03
  5. 【外汇早评】美通胀数据走低,美元调整

    原标题:【外汇早评】美通胀数据走低,美元调整昨日美国方面公布了新一期的核心PCE物价指数数据,同比增长1.6%,低于前值和预期值的1.7%,距离美联储的通胀目标2%继续走低,通胀压力较低,且此前美国一季度GDP初值中的消费部分下滑明显,因此市场对美联储后续更可能降息的政策…...

    2024/4/26 18:09:39
  6. 【原油贵金属周评】原油多头拥挤,价格调整

    原标题:【原油贵金属周评】原油多头拥挤,价格调整本周国际劳动节,我们喜迎四天假期,但是整个金融市场确实流动性充沛,大事频发,各个商品波动剧烈。美国方面,在本周四凌晨公布5月份的利率决议和新闻发布会,维持联邦基金利率在2.25%-2.50%不变,符合市场预期。同时美联储…...

    2024/4/25 18:39:24
  7. 【外汇周评】靓丽非农不及疲软通胀影响

    原标题:【外汇周评】靓丽非农不及疲软通胀影响在刚结束的周五,美国方面公布了新一期的非农就业数据,大幅好于前值和预期,新增就业重新回到20万以上。具体数据: 美国4月非农就业人口变动 26.3万人,预期 19万人,前值 19.6万人。 美国4月失业率 3.6%,预期 3.8%,前值 3…...

    2024/4/25 18:38:39
  8. 【原油贵金属早评】库存继续增加,油价收跌

    原标题:【原油贵金属早评】库存继续增加,油价收跌周三清晨公布美国当周API原油库存数据,上周原油库存增加281万桶至4.692亿桶,增幅超过预期的74.4万桶。且有消息人士称,沙特阿美据悉将于6月向亚洲炼油厂额外出售更多原油,印度炼油商预计将每日获得至多20万桶的额外原油供…...

    2024/4/25 18:39:23
  9. 【外汇早评】日本央行会议纪要不改日元强势

    原标题:【外汇早评】日本央行会议纪要不改日元强势近两日日元大幅走强与近期市场风险情绪上升,避险资金回流日元有关,也与前一段时间的美日贸易谈判给日本缓冲期,日本方面对汇率问题也避免继续贬值有关。虽然今日早间日本央行公布的利率会议纪要仍然是支持宽松政策,但这符…...

    2024/4/25 18:39:22
  10. 【原油贵金属早评】欧佩克稳定市场,填补伊朗问题的影响

    原标题:【原油贵金属早评】欧佩克稳定市场,填补伊朗问题的影响近日伊朗局势升温,导致市场担忧影响原油供给,油价试图反弹。此时OPEC表态稳定市场。据消息人士透露,沙特6月石油出口料将低于700万桶/日,沙特已经收到石油消费国提出的6月份扩大出口的“适度要求”,沙特将满…...

    2024/4/25 18:39:22
  11. 【外汇早评】美欲与伊朗重谈协议

    原标题:【外汇早评】美欲与伊朗重谈协议美国对伊朗的制裁遭到伊朗的抗议,昨日伊朗方面提出将部分退出伊核协议。而此行为又遭到欧洲方面对伊朗的谴责和警告,伊朗外长昨日回应称,欧洲国家履行它们的义务,伊核协议就能保证存续。据传闻伊朗的导弹已经对准了以色列和美国的航…...

    2024/4/25 18:39:20
  12. 【原油贵金属早评】波动率飙升,市场情绪动荡

    原标题:【原油贵金属早评】波动率飙升,市场情绪动荡因中美贸易谈判不安情绪影响,金融市场各资产品种出现明显的波动。随着美国与中方开启第十一轮谈判之际,美国按照既定计划向中国2000亿商品征收25%的关税,市场情绪有所平复,已经开始接受这一事实。虽然波动率-恐慌指数VI…...

    2024/4/25 16:48:44
  13. 【原油贵金属周评】伊朗局势升温,黄金多头跃跃欲试

    原标题:【原油贵金属周评】伊朗局势升温,黄金多头跃跃欲试美国和伊朗的局势继续升温,市场风险情绪上升,避险黄金有向上突破阻力的迹象。原油方面稍显平稳,近期美国和OPEC加大供给及市场需求回落的影响,伊朗局势并未推升油价走强。近期中美贸易谈判摩擦再度升级,美国对中…...

    2024/4/26 16:00:35
  14. 【原油贵金属早评】市场情绪继续恶化,黄金上破

    原标题:【原油贵金属早评】市场情绪继续恶化,黄金上破周初中国针对于美国加征关税的进行的反制措施引发市场情绪的大幅波动,人民币汇率出现大幅的贬值动能,金融市场受到非常明显的冲击。尤其是波动率起来之后,对于股市的表现尤其不安。隔夜美国股市出现明显的下行走势,这…...

    2024/4/25 18:39:16
  15. 【外汇早评】美伊僵持,风险情绪继续升温

    原标题:【外汇早评】美伊僵持,风险情绪继续升温昨日沙特两艘油轮再次发生爆炸事件,导致波斯湾局势进一步恶化,市场担忧美伊可能会出现摩擦生火,避险品种获得支撑,黄金和日元大幅走强。美指受中美贸易问题影响而在低位震荡。继5月12日,四艘商船在阿联酋领海附近的阿曼湾、…...

    2024/4/25 18:39:16
  16. 【原油贵金属早评】贸易冲突导致需求低迷,油价弱势

    原标题:【原油贵金属早评】贸易冲突导致需求低迷,油价弱势近日虽然伊朗局势升温,中东地区几起油船被袭击事件影响,但油价并未走高,而是出于调整结构中。由于市场预期局势失控的可能性较低,而中美贸易问题导致的全球经济衰退风险更大,需求会持续低迷,因此油价调整压力较…...

    2024/4/25 0:00:17
  17. 氧生福地 玩美北湖(上)——为时光守候两千年

    原标题:氧生福地 玩美北湖(上)——为时光守候两千年一次说走就走的旅行,只有一张高铁票的距离~ 所以,湖南郴州,我来了~ 从广州南站出发,一个半小时就到达郴州西站了。在动车上,同时改票的南风兄和我居然被分到了一个车厢,所以一路非常愉快地聊了过来。 挺好,最起…...

    2024/4/25 4:19:21
  18. 氧生福地 玩美北湖(中)——永春梯田里的美与鲜

    原标题:氧生福地 玩美北湖(中)——永春梯田里的美与鲜一觉醒来,因为大家太爱“美”照,在柳毅山庄去寻找龙女而错过了早餐时间。近十点,向导坏坏还是带着饥肠辘辘的我们去吃郴州最富有盛名的“鱼头粉”。说这是“十二分推荐”,到郴州必吃的美食之一。 哇塞!那个味美香甜…...

    2024/4/25 18:39:14
  19. 氧生福地 玩美北湖(下)——奔跑吧骚年!

    原标题:氧生福地 玩美北湖(下)——奔跑吧骚年!让我们红尘做伴 活得潇潇洒洒 策马奔腾共享人世繁华 对酒当歌唱出心中喜悦 轰轰烈烈把握青春年华 让我们红尘做伴 活得潇潇洒洒 策马奔腾共享人世繁华 对酒当歌唱出心中喜悦 轰轰烈烈把握青春年华 啊……啊……啊 两…...

    2024/4/25 18:39:12
  20. 扒开伪装医用面膜,翻六倍价格宰客,小姐姐注意了!

    原标题:扒开伪装医用面膜,翻六倍价格宰客,小姐姐注意了!扒开伪装医用面膜,翻六倍价格宰客!当行业里的某一品项火爆了,就会有很多商家蹭热度,装逼忽悠,最近火爆朋友圈的医用面膜,被沾上了污点,到底怎么回事呢? “比普通面膜安全、效果好!痘痘、痘印、敏感肌都能用…...

    2024/4/25 2:10:52
  21. 「发现」铁皮石斛仙草之神奇功效用于医用面膜

    原标题:「发现」铁皮石斛仙草之神奇功效用于医用面膜丽彦妆铁皮石斛医用面膜|石斛多糖无菌修护补水贴19大优势: 1、铁皮石斛:自唐宋以来,一直被列为皇室贡品,铁皮石斛生于海拔1600米的悬崖峭壁之上,繁殖力差,产量极低,所以古代仅供皇室、贵族享用 2、铁皮石斛自古民间…...

    2024/4/25 18:39:00
  22. 丽彦妆\医用面膜\冷敷贴轻奢医学护肤引导者

    原标题:丽彦妆\医用面膜\冷敷贴轻奢医学护肤引导者【公司简介】 广州华彬企业隶属香港华彬集团有限公司,专注美业21年,其旗下品牌: 「圣茵美」私密荷尔蒙抗衰,产后修复 「圣仪轩」私密荷尔蒙抗衰,产后修复 「花茵莳」私密荷尔蒙抗衰,产后修复 「丽彦妆」专注医学护…...

    2024/4/25 13:19:01
  23. 广州械字号面膜生产厂家OEM/ODM4项须知!

    原标题:广州械字号面膜生产厂家OEM/ODM4项须知!广州械字号面膜生产厂家OEM/ODM流程及注意事项解读: 械字号医用面膜,其实在我国并没有严格的定义,通常我们说的医美面膜指的应该是一种「医用敷料」,也就是说,医用面膜其实算作「医疗器械」的一种,又称「医用冷敷贴」。 …...

    2024/4/25 18:38:58
  24. 械字号医用眼膜缓解用眼过度到底有无作用?

    原标题:械字号医用眼膜缓解用眼过度到底有无作用?医用眼膜/械字号眼膜/医用冷敷眼贴 凝胶层为亲水高分子材料,含70%以上的水分。体表皮肤温度传导到本产品的凝胶层,热量被凝胶内水分子吸收,通过水分的蒸发带走大量的热量,可迅速地降低体表皮肤局部温度,减轻局部皮肤的灼…...

    2024/4/25 18:38:57
  25. 配置失败还原请勿关闭计算机,电脑开机屏幕上面显示,配置失败还原更改 请勿关闭计算机 开不了机 这个问题怎么办...

    解析如下:1、长按电脑电源键直至关机,然后再按一次电源健重启电脑,按F8健进入安全模式2、安全模式下进入Windows系统桌面后,按住“winR”打开运行窗口,输入“services.msc”打开服务设置3、在服务界面,选中…...

    2022/11/19 21:17:18
  26. 错误使用 reshape要执行 RESHAPE,请勿更改元素数目。

    %读入6幅图像(每一幅图像的大小是564*564) f1 imread(WashingtonDC_Band1_564.tif); subplot(3,2,1),imshow(f1); f2 imread(WashingtonDC_Band2_564.tif); subplot(3,2,2),imshow(f2); f3 imread(WashingtonDC_Band3_564.tif); subplot(3,2,3),imsho…...

    2022/11/19 21:17:16
  27. 配置 已完成 请勿关闭计算机,win7系统关机提示“配置Windows Update已完成30%请勿关闭计算机...

    win7系统关机提示“配置Windows Update已完成30%请勿关闭计算机”问题的解决方法在win7系统关机时如果有升级系统的或者其他需要会直接进入一个 等待界面,在等待界面中我们需要等待操作结束才能关机,虽然这比较麻烦,但是对系统进行配置和升级…...

    2022/11/19 21:17:15
  28. 台式电脑显示配置100%请勿关闭计算机,“准备配置windows 请勿关闭计算机”的解决方法...

    有不少用户在重装Win7系统或更新系统后会遇到“准备配置windows,请勿关闭计算机”的提示,要过很久才能进入系统,有的用户甚至几个小时也无法进入,下面就教大家这个问题的解决方法。第一种方法:我们首先在左下角的“开始…...

    2022/11/19 21:17:14
  29. win7 正在配置 请勿关闭计算机,怎么办Win7开机显示正在配置Windows Update请勿关机...

    置信有很多用户都跟小编一样遇到过这样的问题,电脑时发现开机屏幕显现“正在配置Windows Update,请勿关机”(如下图所示),而且还需求等大约5分钟才干进入系统。这是怎样回事呢?一切都是正常操作的,为什么开时机呈现“正…...

    2022/11/19 21:17:13
  30. 准备配置windows 请勿关闭计算机 蓝屏,Win7开机总是出现提示“配置Windows请勿关机”...

    Win7系统开机启动时总是出现“配置Windows请勿关机”的提示,没过几秒后电脑自动重启,每次开机都这样无法进入系统,此时碰到这种现象的用户就可以使用以下5种方法解决问题。方法一:开机按下F8,在出现的Windows高级启动选…...

    2022/11/19 21:17:12
  31. 准备windows请勿关闭计算机要多久,windows10系统提示正在准备windows请勿关闭计算机怎么办...

    有不少windows10系统用户反映说碰到这样一个情况,就是电脑提示正在准备windows请勿关闭计算机,碰到这样的问题该怎么解决呢,现在小编就给大家分享一下windows10系统提示正在准备windows请勿关闭计算机的具体第一种方法:1、2、依次…...

    2022/11/19 21:17:11
  32. 配置 已完成 请勿关闭计算机,win7系统关机提示“配置Windows Update已完成30%请勿关闭计算机”的解决方法...

    今天和大家分享一下win7系统重装了Win7旗舰版系统后,每次关机的时候桌面上都会显示一个“配置Windows Update的界面,提示请勿关闭计算机”,每次停留好几分钟才能正常关机,导致什么情况引起的呢?出现配置Windows Update…...

    2022/11/19 21:17:10
  33. 电脑桌面一直是清理请关闭计算机,windows7一直卡在清理 请勿关闭计算机-win7清理请勿关机,win7配置更新35%不动...

    只能是等着,别无他法。说是卡着如果你看硬盘灯应该在读写。如果从 Win 10 无法正常回滚,只能是考虑备份数据后重装系统了。解决来方案一:管理员运行cmd:net stop WuAuServcd %windir%ren SoftwareDistribution SDoldnet start WuA…...

    2022/11/19 21:17:09
  34. 计算机配置更新不起,电脑提示“配置Windows Update请勿关闭计算机”怎么办?

    原标题:电脑提示“配置Windows Update请勿关闭计算机”怎么办?win7系统中在开机与关闭的时候总是显示“配置windows update请勿关闭计算机”相信有不少朋友都曾遇到过一次两次还能忍但经常遇到就叫人感到心烦了遇到这种问题怎么办呢?一般的方…...

    2022/11/19 21:17:08
  35. 计算机正在配置无法关机,关机提示 windows7 正在配置windows 请勿关闭计算机 ,然后等了一晚上也没有关掉。现在电脑无法正常关机...

    关机提示 windows7 正在配置windows 请勿关闭计算机 ,然后等了一晚上也没有关掉。现在电脑无法正常关机以下文字资料是由(历史新知网www.lishixinzhi.com)小编为大家搜集整理后发布的内容,让我们赶快一起来看一下吧!关机提示 windows7 正在配…...

    2022/11/19 21:17:05
  36. 钉钉提示请勿通过开发者调试模式_钉钉请勿通过开发者调试模式是真的吗好不好用...

    钉钉请勿通过开发者调试模式是真的吗好不好用 更新时间:2020-04-20 22:24:19 浏览次数:729次 区域: 南阳 > 卧龙 列举网提醒您:为保障您的权益,请不要提前支付任何费用! 虚拟位置外设器!!轨迹模拟&虚拟位置外设神器 专业用于:钉钉,外勤365,红圈通,企业微信和…...

    2022/11/19 21:17:05
  37. 配置失败还原请勿关闭计算机怎么办,win7系统出现“配置windows update失败 还原更改 请勿关闭计算机”,长时间没反应,无法进入系统的解决方案...

    前几天班里有位学生电脑(windows 7系统)出问题了,具体表现是开机时一直停留在“配置windows update失败 还原更改 请勿关闭计算机”这个界面,长时间没反应,无法进入系统。这个问题原来帮其他同学也解决过,网上搜了不少资料&#x…...

    2022/11/19 21:17:04
  38. 一个电脑无法关闭计算机你应该怎么办,电脑显示“清理请勿关闭计算机”怎么办?...

    本文为你提供了3个有效解决电脑显示“清理请勿关闭计算机”问题的方法,并在最后教给你1种保护系统安全的好方法,一起来看看!电脑出现“清理请勿关闭计算机”在Windows 7(SP1)和Windows Server 2008 R2 SP1中,添加了1个新功能在“磁…...

    2022/11/19 21:17:03
  39. 请勿关闭计算机还原更改要多久,电脑显示:配置windows更新失败,正在还原更改,请勿关闭计算机怎么办...

    许多用户在长期不使用电脑的时候,开启电脑发现电脑显示:配置windows更新失败,正在还原更改,请勿关闭计算机。。.这要怎么办呢?下面小编就带着大家一起看看吧!如果能够正常进入系统,建议您暂时移…...

    2022/11/19 21:17:02
  40. 还原更改请勿关闭计算机 要多久,配置windows update失败 还原更改 请勿关闭计算机,电脑开机后一直显示以...

    配置windows update失败 还原更改 请勿关闭计算机,电脑开机后一直显示以以下文字资料是由(历史新知网www.lishixinzhi.com)小编为大家搜集整理后发布的内容,让我们赶快一起来看一下吧!配置windows update失败 还原更改 请勿关闭计算机&#x…...

    2022/11/19 21:17:01
  41. 电脑配置中请勿关闭计算机怎么办,准备配置windows请勿关闭计算机一直显示怎么办【图解】...

    不知道大家有没有遇到过这样的一个问题,就是我们的win7系统在关机的时候,总是喜欢显示“准备配置windows,请勿关机”这样的一个页面,没有什么大碍,但是如果一直等着的话就要两个小时甚至更久都关不了机,非常…...

    2022/11/19 21:17:00
  42. 正在准备配置请勿关闭计算机,正在准备配置windows请勿关闭计算机时间长了解决教程...

    当电脑出现正在准备配置windows请勿关闭计算机时,一般是您正对windows进行升级,但是这个要是长时间没有反应,我们不能再傻等下去了。可能是电脑出了别的问题了,来看看教程的说法。正在准备配置windows请勿关闭计算机时间长了方法一…...

    2022/11/19 21:16:59
  43. 配置失败还原请勿关闭计算机,配置Windows Update失败,还原更改请勿关闭计算机...

    我们使用电脑的过程中有时会遇到这种情况,当我们打开电脑之后,发现一直停留在一个界面:“配置Windows Update失败,还原更改请勿关闭计算机”,等了许久还是无法进入系统。如果我们遇到此类问题应该如何解决呢&#xff0…...

    2022/11/19 21:16:58
  44. 如何在iPhone上关闭“请勿打扰”

    Apple’s “Do Not Disturb While Driving” is a potentially lifesaving iPhone feature, but it doesn’t always turn on automatically at the appropriate time. For example, you might be a passenger in a moving car, but your iPhone may think you’re the one dri…...

    2022/11/19 21:16:57