All Projects → clemkoa → Tooth Detection

clemkoa / Tooth Detection

Licence: mit
🦷 Detection of restorations and treatments on dental x-rays in Tensorflow, using Faster-RCNN

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Tooth Detection

Lacmus
Lacmus is a cross-platform application that helps to find people who are lost in the forest using computer vision and neural networks.
Stars: ✭ 142 (+43.43%)
Mutual labels:  object-detection, neural-networks
Vip
Video Platform for Action Recognition and Object Detection in Pytorch
Stars: ✭ 175 (+76.77%)
Mutual labels:  object-detection, neural-networks
Remo Python
🐰 Python lib for remo - the app for annotations and images management in Computer Vision
Stars: ✭ 138 (+39.39%)
Mutual labels:  object-detection, neural-networks
Ssd Pytorch
SSD: Single Shot MultiBox Detector pytorch implementation focusing on simplicity
Stars: ✭ 107 (+8.08%)
Mutual labels:  object-detection, neural-networks
Lightnet
🌓 Bringing pjreddie's DarkNet out of the shadows #yolo
Stars: ✭ 322 (+225.25%)
Mutual labels:  object-detection, neural-networks
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+96.97%)
Mutual labels:  object-detection, neural-networks
Shape Detection
🟣 Object detection of abstract shapes with neural networks
Stars: ✭ 170 (+71.72%)
Mutual labels:  object-detection, neural-networks
Mish
Official Repsoitory for "Mish: A Self Regularized Non-Monotonic Neural Activation Function" [BMVC 2020]
Stars: ✭ 1,072 (+982.83%)
Mutual labels:  object-detection, neural-networks
Neural Pipeline
Neural networks training pipeline based on PyTorch
Stars: ✭ 315 (+218.18%)
Mutual labels:  object-detection, neural-networks
Pine
🌲 Aimbot powered by real-time object detection with neural networks, GPU accelerated with Nvidia. Optimized for use with CS:GO.
Stars: ✭ 202 (+104.04%)
Mutual labels:  object-detection, neural-networks
Deep Learning For Hackers
Machine Learning tutorials with TensorFlow 2 and Keras in Python (Jupyter notebooks included) - (LSTMs, Hyperameter tuning, Data preprocessing, Bias-variance tradeoff, Anomaly Detection, Autoencoders, Time Series Forecasting, Object Detection, Sentiment Analysis, Intent Recognition with BERT)
Stars: ✭ 586 (+491.92%)
Mutual labels:  object-detection, neural-networks
Kaggle Rsna
Deep Learning for Automatic Pneumonia Detection, RSNA challenge
Stars: ✭ 74 (-25.25%)
Mutual labels:  object-detection, neural-networks
Soccer Ball Detection Yolov2
YOLOv2 trained against custom dataset
Stars: ✭ 97 (-2.02%)
Mutual labels:  object-detection
Mit Deep Learning Book Pdf
MIT Deep Learning Book in PDF format (complete and parts) by Ian Goodfellow, Yoshua Bengio and Aaron Courville
Stars: ✭ 9,859 (+9858.59%)
Mutual labels:  neural-networks
Driving In The Matrix
Steps to reproduce training results for the paper Driving in the Matrix: Can Virtual Worlds Replace Human-Generated Annotations for Real World Tasks?
Stars: ✭ 96 (-3.03%)
Mutual labels:  object-detection
Frigate
NVR with realtime local object detection for IP cameras
Stars: ✭ 1,329 (+1242.42%)
Mutual labels:  object-detection
Review object detection metrics
Review on Object Detection Metrics: 14 object detection metrics including COCO's and PASCAL's metrics. Supporting different bounding box formats.
Stars: ✭ 100 (+1.01%)
Mutual labels:  object-detection
Neural Tangents
Fast and Easy Infinite Neural Networks in Python
Stars: ✭ 1,357 (+1270.71%)
Mutual labels:  neural-networks
Kemono puyo
🐱 Take kemono pictures and lines up 3, then tanoshii
Stars: ✭ 94 (-5.05%)
Mutual labels:  object-detection
Face Attribute Prediction
Face Attribute Prediction on CelebA benchmark with PyTorch Implementation
Stars: ✭ 92 (-7.07%)
Mutual labels:  neural-networks

Teeth detector

Image 1 Image 2 Image 3

Dataset is private for the moment, but was made with a stomatologist surgeon, using VoTT for labeling. The export was made under the Tensorflow Pascal VOC format

The project is divided into two tasks:

  1. Detect tooth restoration, endodotic treatment and implants (models/treatment)
  2. Detect teeth and identify their ISO Dental Notation (models/index)

Installation

pip install -r requirements.txt

# Tensorflow Object Detection API
git clone [email protected]:tensorflow/models.git

git clone https://github.com/cocodataset/cocoapi.git
cd cocoapi/PythonAPI
make
cp -r pycocotools <path_to_tensorflow>/models/research/

# From tensorflow/models/research/
export PYTHONPATH=$PYTHONPATH:`pwd`:`pwd`/slim

Training

python <path_to_tensorflow>/models/research/object_detection/model_main.py \
    --pipeline_config_path=<path_to_tooth-detection>/tooth-detection/models/treatment/faster_rcnn_resnet50_coco.config \
    --model_dir=<path_to_tooth-detection>/tooth-detection/models/treatment/model \
    --num_train_steps=100000 \
    --alsologtostderr

Inference

python inference.py \
    --PATH_TO_FROZEN_GRAPH=<path_to_tooth-detection>/<path_to_frozen_graph>/frozen_inference_graph.pb \
    --PATH_TO_TEST_IMAGES_DIR=<path_to_tooth-detection>/data/iran_index/JPEGImages \
    --PATH_TO_LABELS=<path_to_tooth-detection>/data/pascal_label_map_index.pbtxt
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].