All Projects → ocr-machine-learning → Similar Projects or Alternatives

592 Open source projects that are alternatives of or similar to ocr-machine-learning

Trajectory-Analysis-and-Classification-in-Python-Pandas-and-Scikit-Learn
Formed trajectories of sets of points.Experimented on finding similarities between trajectories based on DTW (Dynamic Time Warping) and LCSS (Longest Common SubSequence) algorithms.Modeled trajectories as strings based on a Grid representation.Benchmarked KNN, Random Forest, Logistic Regression classification algorithms to classify efficiently t…
Stars: ✭ 41 (-2.38%)
Mutual labels:  knn
Tensorflow Object Detection Tutorial
The purpose of this tutorial is to learn how to install and prepare TensorFlow framework to train your own convolutional neural network object detection classifier for multiple objects, starting from scratch
Stars: ✭ 113 (+169.05%)
Mutual labels:  classifier
vehicle-rear
Vehicle-Rear: A New Dataset to Explore Feature Fusion For Vehicle Identification Using Convolutional Neural Networks
Stars: ✭ 99 (+135.71%)
Mutual labels:  ocr
Monkeylearn
⛔️ ARCHIVED ⛔️ 🐒 R package for text analysis with Monkeylearn 🐒
Stars: ✭ 95 (+126.19%)
Mutual labels:  classifier
ResumeRise
An NLP tool which classifies and summarizes resumes
Stars: ✭ 29 (-30.95%)
Mutual labels:  ocr
Lc
licensechecker (lc) a command line application which scans directories and identifies what software license things are under producing reports as either SPDX, CSV, JSON, XLSX or CLI Tabular output. Dual-licensed under MIT or the UNLICENSE.
Stars: ✭ 93 (+121.43%)
Mutual labels:  classifier
BankCard-Recognizer
Identifying numbers from bankcard, based on Deep Learning with Keras [China Software Cup 2019]
Stars: ✭ 74 (+76.19%)
Mutual labels:  ocr
Multi Matcher
simple rules engine
Stars: ✭ 84 (+100%)
Mutual labels:  classifier
100DaysOfMLCode
No description or website provided.
Stars: ✭ 19 (-54.76%)
Mutual labels:  pca
Vehicle Detection And Tracking
Udacity Self-Driving Car Engineer Nanodegree. Project: Vehicle Detection and Tracking
Stars: ✭ 60 (+42.86%)
Mutual labels:  classifier
ScribeBot
A highly scriptable automation system full of cool features. Automate everything with a little bit of Lua.
Stars: ✭ 72 (+71.43%)
Mutual labels:  ocr
Fasttext.py
A Python interface for Facebook fastText
Stars: ✭ 1,091 (+2497.62%)
Mutual labels:  classifier
OCRmyPDF-web
A tiny frontend for OCRing PDF files via the web.
Stars: ✭ 37 (-11.9%)
Mutual labels:  ocr
Machine Learning
Machine learning for Project Cognoma
Stars: ✭ 30 (-28.57%)
Mutual labels:  classifier
ocrd cis
OCR-D python tools
Stars: ✭ 28 (-33.33%)
Mutual labels:  ocr
Awesome Gradient Boosting Papers
A curated list of gradient boosting research papers with implementations.
Stars: ✭ 704 (+1576.19%)
Mutual labels:  classifier
Handwritten-Names-Recognition
The goal of this project is to solve the task of name transcription from handwriting images implementing a NN approach.
Stars: ✭ 54 (+28.57%)
Mutual labels:  ocr
Nlp.js
An NLP library for building bots, with entity extraction, sentiment analysis, automatic language identify, and so more
Stars: ✭ 4,670 (+11019.05%)
Mutual labels:  classifier
CleanSCAN
A simple, smart and efficient document scanner for Android
Stars: ✭ 151 (+259.52%)
Mutual labels:  ocr
Whatlang Rs
Natural language detection library for Rust. Try demo online: https://www.greyblake.com/whatlang/
Stars: ✭ 400 (+852.38%)
Mutual labels:  classifier
golinear
liblinear bindings for Go
Stars: ✭ 45 (+7.14%)
Mutual labels:  classifier
Gorganizer
Organize your folders into a beautiful classified folder structure with this perfect tool
Stars: ✭ 318 (+657.14%)
Mutual labels:  classifier
neuspell
NeuSpell: A Neural Spelling Correction Toolkit
Stars: ✭ 524 (+1147.62%)
Mutual labels:  spelling-correction
node-fasttext
Nodejs binding for fasttext representation and classification.
Stars: ✭ 39 (-7.14%)
Mutual labels:  classifier
Portrait FCN and 3D Reconstruction
This project is to convert PortraitFCN+ (by Xiaoyong Shen) from Matlab to Tensorflow, then refine the outputs from it (converted to a trimap) using KNN and ResNet, supervised by Richard Berwick.
Stars: ✭ 61 (+45.24%)
Mutual labels:  knn
support-tickets-classification
This case study shows how to create a model for text analysis and classification and deploy it as a web service in Azure cloud in order to automatically classify support tickets. This project is a proof of concept made by Microsoft (Commercial Software Engineering team) in collaboration with Endava http://endava.com/en
Stars: ✭ 142 (+238.1%)
Mutual labels:  classifier
awesome-document-understanding
A curated list of resources for Document Understanding (DU) topic
Stars: ✭ 620 (+1376.19%)
Mutual labels:  ocr
Computer-Vision-Project
The goal of this project was to develop a Face Recognition application using a Local Binary Pattern approach and, using the same approach, develop a real time Face Recognition application.
Stars: ✭ 20 (-52.38%)
Mutual labels:  classifier
Fun-with-MNIST
Playing with MNIST. Machine Learning. Generative Models.
Stars: ✭ 23 (-45.24%)
Mutual labels:  pca
text2class
Multi-class text categorization using state-of-the-art pre-trained contextualized language models, e.g. BERT
Stars: ✭ 15 (-64.29%)
Mutual labels:  classifier
Machine-Learning-Models
In This repository I made some simple to complex methods in machine learning. Here I try to build template style code.
Stars: ✭ 30 (-28.57%)
Mutual labels:  pca
xmca
Maximum Covariance Analysis in Python
Stars: ✭ 41 (-2.38%)
Mutual labels:  pca
dl-relu
Deep Learning using Rectified Linear Units (ReLU)
Stars: ✭ 20 (-52.38%)
Mutual labels:  classifier
OCRVisualizer
Microsoft Cognitive Services, Computer Vision API, OCR Visualizer on documents
Stars: ✭ 19 (-54.76%)
Mutual labels:  ocr
Bag-of-Visual-Words
🎒 Bag of Visual words (BoW) approach for object classification and detection in images together with SIFT feature extractor and SVM classifier.
Stars: ✭ 39 (-7.14%)
Mutual labels:  classifier
faiss-ruby
Efficient similarity search and clustering for Ruby
Stars: ✭ 62 (+47.62%)
Mutual labels:  pca
Deep-Learning-Experiments-implemented-using-Google-Colab
Colab Compatible FastAI notebooks for NLP and Computer Vision Datasets
Stars: ✭ 16 (-61.9%)
Mutual labels:  classifier
papermerge-core
Papermerge RESTful backend structured as reusable Django app
Stars: ✭ 103 (+145.24%)
Mutual labels:  ocr
NN-scratch
Coding up a Neural Network Classifier from Scratch
Stars: ✭ 78 (+85.71%)
Mutual labels:  classifier
Dfl Cnn
This is a pytorch re-implementation of Learning a Discriminative Filter Bank Within a CNN for Fine-Grained Recognition
Stars: ✭ 245 (+483.33%)
Mutual labels:  classifier
chatto
Chatto is a minimal chatbot framework in Go.
Stars: ✭ 98 (+133.33%)
Mutual labels:  classifier
CRNN-OCR-lite
Lightweight CRNN for OCR (including handwritten text) with depthwise separable convolutions and spatial transformer module [keras+tf]
Stars: ✭ 130 (+209.52%)
Mutual labels:  ocr
Emotion and Polarity SO
An emotion classifier of text containing technical content from the SE domain
Stars: ✭ 74 (+76.19%)
Mutual labels:  classifier
Errant
ERRor ANnotation Toolkit: Automatically extract and classify grammatical errors in parallel original and corrected sentences.
Stars: ✭ 208 (+395.24%)
Mutual labels:  classifier
rgbd person tracking
R-GBD Person Tracking is a ROS framework for detecting and tracking people from a mobile robot.
Stars: ✭ 46 (+9.52%)
Mutual labels:  classifier
ocr space
Free Online OCR for Ruby - Convert images to text
Stars: ✭ 62 (+47.62%)
Mutual labels:  ocr
sentiment-analysis-using-python
Large Data Analysis Course Project
Stars: ✭ 23 (-45.24%)
Mutual labels:  classifier
Albert Tf2.0
ALBERT model Pretraining and Fine Tuning using TF2.0
Stars: ✭ 180 (+328.57%)
Mutual labels:  classifier
opfython
🌳 A Python-inspired implementation of the Optimum-Path Forest classifier.
Stars: ✭ 29 (-30.95%)
Mutual labels:  classifier
combining3Dmorphablemodels
Project Page of Combining 3D Morphable Models: A Large scale Face-and-Head Model - [CVPR 2019]
Stars: ✭ 80 (+90.48%)
Mutual labels:  pca
pytorch hand classifier
Simple hand classifier by Pytorch and ResNet
Stars: ✭ 91 (+116.67%)
Mutual labels:  classifier
Naive Bayes Classifier
yet another general purpose naive bayesian classifier.
Stars: ✭ 162 (+285.71%)
Mutual labels:  classifier
Nepali-News-Classifier
Text Classification of Nepali Language Document. This Mini Project was done for the partial fulfillment of NLP Course : COMP 473.
Stars: ✭ 13 (-69.05%)
Mutual labels:  classifier
website-fingerprinting
Deanonymizing Tor or VPN users with website fingerprinting and machine learning.
Stars: ✭ 59 (+40.48%)
Mutual labels:  classifier
Emlearn
Machine Learning inference engine for Microcontrollers and Embedded devices
Stars: ✭ 154 (+266.67%)
Mutual labels:  classifier
pyAudioProcessing
Audio feature extraction and classification
Stars: ✭ 165 (+292.86%)
Mutual labels:  classifier
Awesome Decision Tree Papers
A collection of research papers on decision, classification and regression trees with implementations.
Stars: ✭ 1,908 (+4442.86%)
Mutual labels:  classifier
bioc 2020 tidytranscriptomics
Workshop on tidytranscriptomics: Performing tidy transcriptomics analyses with tidybulk, tidyverse and tidyheatmap
Stars: ✭ 25 (-40.48%)
Mutual labels:  pca
MouseTooltipTranslator
chrome extension - When mouse hover on text, it shows translated tooltip using google translate
Stars: ✭ 93 (+121.43%)
Mutual labels:  ocr
ReadToMe
No description or website provided.
Stars: ✭ 51 (+21.43%)
Mutual labels:  ocr
61-120 of 592 similar projects