All Projects → luxonis → Depthai

luxonis / Depthai

Licence: mit
DepthAI Python API utilities, examples, and tutorials.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Depthai

Hub
Dataset format for AI. Build, manage, & visualize datasets for deep learning. Stream data real-time to PyTorch/TensorFlow & version-control it. https://activeloop.ai
Stars: ✭ 4,003 (+1871.92%)
Mutual labels:  ai, ml, cv
Ailearners
机器学习、深度学习、自然语言处理、计算机视觉、各种算法等AI领域相关技术的路线、教程、干货分享。笔记有:机器学习实战、剑指Offer、cs231n、cs131、吴恩达机器学习、cs224n、python自然语言处理实战
Stars: ✭ 234 (+15.27%)
Mutual labels:  ai, cv, ml
Image classifier
CNN image classifier implemented in Keras Notebook 🖼️.
Stars: ✭ 139 (-31.53%)
Mutual labels:  ai, ml
Nlpaug
Data augmentation for NLP
Stars: ✭ 2,761 (+1260.1%)
Mutual labels:  ai, ml
Datasciencevm
Tools and Docs on the Azure Data Science Virtual Machine (http://aka.ms/dsvm)
Stars: ✭ 153 (-24.63%)
Mutual labels:  ai, ml
Mmlspark
Simple and Distributed Machine Learning
Stars: ✭ 2,899 (+1328.08%)
Mutual labels:  ai, ml
Mac Graph
The MacGraph network. An attempt to get MACnets running on graph knowledge
Stars: ✭ 113 (-44.33%)
Mutual labels:  ai, ml
Djl
An Engine-Agnostic Deep Learning Framework in Java
Stars: ✭ 2,262 (+1014.29%)
Mutual labels:  ai, ml
Mlflow
Open source platform for the machine learning lifecycle
Stars: ✭ 10,898 (+5268.47%)
Mutual labels:  ai, ml
Atari
AI research environment for the Atari 2600 games 🤖.
Stars: ✭ 174 (-14.29%)
Mutual labels:  ai, ml
Transmogrifai
TransmogrifAI (pronounced trăns-mŏgˈrə-fī) is an AutoML library for building modular, reusable, strongly typed machine learning workflows on Apache Spark with minimal hand-tuning
Stars: ✭ 2,084 (+926.6%)
Mutual labels:  ai, ml
Classifai
Enhance your WordPress content with Artificial Intelligence and Machine Learning services.
Stars: ✭ 188 (-7.39%)
Mutual labels:  ai, ml
Dopamine
Dopamine is a research framework for fast prototyping of reinforcement learning algorithms.
Stars: ✭ 9,681 (+4668.97%)
Mutual labels:  ai, ml
Ai Study
人工智能学习资料超全整理,包含机器学习基础ML、深度学习基础DL、计算机视觉CV、自然语言处理NLP、推荐系统、语音识别、图神经网路、算法工程师面试题
Stars: ✭ 93 (-54.19%)
Mutual labels:  ai, cv
Modelchimp
Experiment tracking for machine and deep learning projects
Stars: ✭ 121 (-40.39%)
Mutual labels:  ai, ml
Pragmaticai
[Book-2019] Pragmatic AI: An Introduction to Cloud-based Machine Learning
Stars: ✭ 79 (-61.08%)
Mutual labels:  ai, ml
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 (-30.05%)
Mutual labels:  cv, ml
Bentoml
Model Serving Made Easy
Stars: ✭ 3,064 (+1409.36%)
Mutual labels:  ai, ml
Darwin
Evolutionary Algorithms Framework
Stars: ✭ 72 (-64.53%)
Mutual labels:  ai, ml
Caffe2
Caffe2 is a lightweight, modular, and scalable deep learning framework.
Stars: ✭ 8,409 (+4042.36%)
Mutual labels:  ai, ml

Gen1 DepthAI API Demo Program

This repo contains demo application, which can load different networks, create pipelines, record video, etc.

Documentation is available at https://docs.luxonis.com.

Python modules (Dependencies)

DepthAI Demo requires numpy, opencv-python and depthai. To get the versions of these packages you need for the program, use pip: (Make sure pip is upgraded: python3 -m pip install -U pip)

python3 install_requirements.py

Optional: For command line autocomplete when pressing TAB, only bash interpreter supported now: Add to .bashrc: echo 'eval "$(register-python-argcomplete depthai_demo.py)"' >> ~/.bashrc

If you use any other interpreter: https://kislyuk.github.io/argcomplete/

Examples

python3 depthai_demo.py - depth & CNN inference example

Conversion of existing trained models into Intel Movidius binary format

OpenVINO toolkit contains components which allow conversion of existing supported trained Caffe and Tensorflow models into Intel Movidius binary format through the Intermediate Representation (IR) format.

Example of the conversion:

  1. First the model_optimizer tool will convert the model to IR format:

    cd <path-to-openvino-folder>/deployment_tools/model_optimizer
    python3 mo.py --model_name ResNet50 --output_dir ResNet50_IR_FP16 --framework tf --data_type FP16 --input_model inference_graph.pb
    
    • The command will produce the following files in the ResNet50_IR_FP16 directory:
      • ResNet50.bin - weights file;
      • ResNet50.xml - execution graph for the network;
      • ResNet50.mapping - mapping between layers in original public/custom model and layers within IR.
  2. The weights (.bin) and graph (.xml) files produced above (or from the Intel Model Zoo) will be required for building a blob file, with the help of the myriad_compile tool. When producing blobs, the following constraints must be applied:

    CMX-SLICES = 4 
    SHAVES = 4 
    INPUT-FORMATS = 8 
    OUTPUT-FORMATS = FP16/FP32 (host code for meta frame display should be updated accordingly)
    

    Example of command execution:

    <path-to-openvino-folder>/deployment_tools/inference_engine/lib/intel64/myriad_compile -m ./ResNet50.xml -o ResNet50.blob -ip U8 -VPU_MYRIAD_PLATFORM VPU_MYRIAD_2480 -VPU_NUMBER_OF_SHAVES 4 -VPU_NUMBER_OF_CMX_SLICES 4
    

Reporting issues

We are actively developing the DepthAI framework, and it's crucial for us to know what kind of problems you are facing.
If you run into a problem, please follow the steps below and email [email protected]:

  1. Run log_system_information.sh and share the output from (log_system_information.txt).
  2. Take a photo of a device you are using (or provide us a device model)
  3. Describe the expected results;
  4. Describe the actual running results (what you see after started your script with DepthAI)
  5. How you are using the DepthAI python API (code snippet, for example)
  6. Console output
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].