All Projects → harshul1610 → OCR

harshul1610 / OCR

Licence: MIT license
Optical character recognition Using Deep Learning

Programming Languages

Jupyter Notebook
11667 projects
shell
77523 projects
python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to OCR

Tensorflow Sentiment Analysis On Amazon Reviews Data
Implementing different RNN models (LSTM,GRU) & Convolution models (Conv1D, Conv2D) on a subset of Amazon Reviews data with TensorFlow on Python 3. A sentiment analysis project.
Stars: ✭ 34 (+36%)
Mutual labels:  lstm, tensorflow-experiments, lstm-neural-networks
object-tracking
Multiple Object Tracking System in Keras + (Detection Network - YOLO)
Stars: ✭ 89 (+256%)
Mutual labels:  lstm, lstm-neural-networks, rcnn
Pytorch Kaldi
pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.
Stars: ✭ 2,097 (+8288%)
Mutual labels:  lstm, lstm-neural-networks
Speech Emotion Recognition
Speaker independent emotion recognition
Stars: ✭ 169 (+576%)
Mutual labels:  lstm, deeplearning
Chameleon recsys
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
Stars: ✭ 202 (+708%)
Mutual labels:  lstm, lstm-neural-networks
E3d lstm
e3d-lstm; Eidetic 3D LSTM A Model for Video Prediction and Beyond
Stars: ✭ 129 (+416%)
Mutual labels:  lstm, deeplearning
Easyocr
Ready-to-use OCR with 80+ supported languages and all popular writing scripts including Latin, Chinese, Arabic, Devanagari, Cyrillic and etc.
Stars: ✭ 13,379 (+53416%)
Mutual labels:  lstm, optical-character-recognition
Datastories Semeval2017 Task4
Deep-learning model presented in "DataStories at SemEval-2017 Task 4: Deep LSTM with Attention for Message-level and Topic-based Sentiment Analysis".
Stars: ✭ 184 (+636%)
Mutual labels:  lstm, deeplearning
Text predictor
Char-level RNN LSTM text generator📄.
Stars: ✭ 99 (+296%)
Mutual labels:  lstm, lstm-neural-networks
lstm-numpy
Vanilla LSTM with numpy
Stars: ✭ 17 (-32%)
Mutual labels:  lstm, lstm-neural-networks
DrowsyDriverDetection
This is a project implementing Computer Vision and Deep Learning concepts to detect drowsiness of a driver and sound an alarm if drowsy.
Stars: ✭ 82 (+228%)
Mutual labels:  lstm, lstm-neural-networks
Audio Classification using LSTM
Classification of Urban Sound Audio Dataset using LSTM-based model.
Stars: ✭ 47 (+88%)
Mutual labels:  lstm, lstm-neural-networks
Nlp Models Tensorflow
Gathers machine learning and Tensorflow deep learning models for NLP problems, 1.13 < Tensorflow < 2.0
Stars: ✭ 1,603 (+6312%)
Mutual labels:  lstm, optical-character-recognition
Repo 2016
R, Python and Mathematica Codes in Machine Learning, Deep Learning, Artificial Intelligence, NLP and Geolocation
Stars: ✭ 103 (+312%)
Mutual labels:  lstm, lstm-neural-networks
Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (+464%)
Mutual labels:  lstm, lstm-neural-networks
Deep Generation
I used in this project a reccurent neural network to generate c code based on a dataset of c files from the linux repository.
Stars: ✭ 101 (+304%)
Mutual labels:  lstm, lstm-neural-networks
Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (+612%)
Mutual labels:  lstm, lstm-neural-networks
lstm-electric-load-forecast
Electric load forecast using Long-Short-Term-Memory (LSTM) recurrent neural network
Stars: ✭ 56 (+124%)
Mutual labels:  lstm, lstm-neural-networks
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (+260%)
Mutual labels:  lstm, lstm-neural-networks
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+288%)
Mutual labels:  lstm, lstm-neural-networks

Optical Character Recognition Using DeepLearning

Er. Harshul Jain, author

Text is everywhere! It is present in PDFs, docs as well as images. There are lots of applications where text data is useful for doing analytics. Such applications include receipts recognition, number plate detection, extracting the latex formulas from the images etc. General Computer Vision can be used for such task but it lacks in accuracy. In order to solve the low accuracy and variance problem, we use the state of the art deep neural networks.

This repository includes:

1. A TensorFlow implementation of the CNN+LSTM+CTC model for OCR.
2. supporting scripts to apply the RCNN appraoch for OCR.

Architecture

Architecture

Instructions on How to run

Get the repository

git clone https://github.com/harshul1610/OCR.git

Get the NIST19 dataset

mkdir data
wget https://s3.amazonaws.com/nist-srd/SD19/by_class.zip
unzip by_class.zip
mv by_class NIST19

Get the Captcha data

cd OCR
python2 generate_captcha.py 

Run the final notebook for training and testing

CNN_LSTM_CTC_OCR-captcha.ipynb

LICENSE

MIT

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].