All Projects → muchlisinadi → ALPR-Indonesia

muchlisinadi / ALPR-Indonesia

Licence: MIT license
Automatic license plate recognition for Indonesian plate (White on black)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to ALPR-Indonesia

Numpy Ml
Machine learning, in numpy
Stars: ✭ 11,100 (+27650%)
Mutual labels:  knn
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.5%)
Mutual labels:  knn
ocr-machine-learning
OCR Machine Learning in python
Stars: ✭ 42 (+5%)
Mutual labels:  knn
ConvALPR
Reconocedor Automatico (real-time) de Patentes utilizando Redes Neuronales Convolucionales
Stars: ✭ 15 (-62.5%)
Mutual labels:  plate-recognition
drowsiness-detection
To identify the driver's drowsiness based on real-time camera image and image processing techniques. 졸음운전 감지 시스템. OpenCV
Stars: ✭ 31 (-22.5%)
Mutual labels:  knn
belajar-ngoding-bhs-indo
Sebuah "awesome list" daftar bahan belajar pemrograman (dan hal-hal terkait) dalam bahasa Indonesia.
Stars: ✭ 35 (-12.5%)
Mutual labels:  indonesian
keras-knn
Code for the blog post Nearest Neighbors with Keras and CoreML
Stars: ✭ 25 (-37.5%)
Mutual labels:  knn
img classification deep learning
No description or website provided.
Stars: ✭ 19 (-52.5%)
Mutual labels:  knn
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 (+52.5%)
Mutual labels:  knn
spark-annoy
Building Annoy Index on Apache Spark
Stars: ✭ 73 (+82.5%)
Mutual labels:  knn
TensorRT-LPR
车牌识别,基于HyperLPR实现,修改模型调用方法,使用caffe+tensorRT实现GPU加速,修改了车牌检测模型
Stars: ✭ 14 (-65%)
Mutual labels:  plate-recognition
Easypr
An easy, flexible, and accurate plate recognition project for Chinese licenses in unconstrained situations.
Stars: ✭ 6,046 (+15015%)
Mutual labels:  plate-recognition
paccmann kinase binding residues
Comparison of active site and full kinase sequences for drug-target affinity prediction and molecular generation. Full paper: https://pubs.acs.org/doi/10.1021/acs.jcim.1c00889
Stars: ✭ 29 (-27.5%)
Mutual labels:  knn
cnn-ocr-lp
OCR implementado con solo Redes Convolucionales (CNN) de Patentes Argentinas
Stars: ✭ 22 (-45%)
Mutual labels:  plate-recognition
ml-simulations
Animated Visualizations of Popular Machine Learning Algorithms
Stars: ✭ 33 (-17.5%)
Mutual labels:  knn
Machine Learning
⚡机器学习实战(Python3):kNN、决策树、贝叶斯、逻辑回归、SVM、线性回归、树回归
Stars: ✭ 5,601 (+13902.5%)
Mutual labels:  knn
Recommender-Systems
Implementing Content based and Collaborative filtering(with KNN, Matrix Factorization and Neural Networks) in Python
Stars: ✭ 46 (+15%)
Mutual labels:  knn
The-Supervised-Learning-Workshop
An Interactive Approach to Understanding Supervised Learning Algorithms
Stars: ✭ 24 (-40%)
Mutual labels:  knn
dlime experiments
In this work, we propose a deterministic version of Local Interpretable Model Agnostic Explanations (LIME) and the experimental results on three different medical datasets shows the superiority for Deterministic Local Interpretable Model-Agnostic Explanations (DLIME).
Stars: ✭ 21 (-47.5%)
Mutual labels:  knn
docs-next
Vue 3 Core Documentation Translated in Indonesian
Stars: ✭ 22 (-45%)
Mutual labels:  indonesian

ALPR Indonesia

Project Status: Inactive – The project has reached a stable, usable state but is no longer being actively developed; support/maintenance will be provided as time allows.
Automatic license plate recognition for Indonesian plate (White on black)

This code was the adjustment version from :
https://github.com/MicrocontrollersAndMore/OpenCV_3_License_Plate_Recognition_Python

Methods:

Object detection is manualy segmenting plate, and recognize each candidate number or alphabet using knn method.
Here for the detail :


Note :
It is recommended to use a newer method like yolo or ssd.
or you can read the state of the art of object detection
State-of-the-art of Object Detection

Prerequest

  • python==3.6
  • opencv-python==4.1.1.26
  • numpy==1.17.3
    or install using
    pip install -r requirements.txt

How to run (Linux):

  • Calibrate the camera and threshold
    python Main.py -c <image_dir>
  • Cam
    python Main.py
  • Image
    python Main.py -i <image_file_dir>
  • Video
    python Main.py -v <video_file_dir>

Retrain

Retrain process will update classifications.txt and flattened_images.txt files
python GenData.py -d = <train_image>
example :
python GenData.py -d = train_image/train2.png
note: Just input base on marked object one by one and press esc to exit the training process

Check the model

python TrainAndTestData.py -d = train_image/train2.png

Tools

  • Invert image:
    python invert_imageData.py -d = train_image/train2.png
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].