-
Algolux
- Ottawa, Ontario, Canada
- https://avitech.blog/
-
Image-Adaptive-YOLO Public
Forked from wenyyu/Image-Adaptive-YOLOImage-Adaptive YOLO for Object Detection in Adverse Weather Conditions
-
ByteTrack Public
Forked from FoundationVision/ByteTrackByteTrack: Multi-Object Tracking by Associating Every Detection Box
Python MIT License UpdatedOct 25, 2021 -
hyperopt Public
Forked from hyperopt/hyperoptDistributed Asynchronous Hyperparameter Optimization in Python
Python Other UpdatedNov 4, 2019 -
Mask_RCNN Public
Forked from matterport/Mask_RCNNMask R-CNN for object detection and instance segmentation on Keras and TensorFlow
Python Other UpdatedJun 13, 2019 -
EasyPSNet Public
Forked from dingguo1996/EasyPSNetEasy Panoptic Segmentation implement in mmdet
Python Apache License 2.0 UpdatedJun 1, 2019 -
live-ml Public
A python repository with easy to use machine learning tools for computer vision applicaitons
Jupyter Notebook MIT License UpdatedApr 13, 2019 -
deep-learning-drizzle Public
Forked from kmario23/deep-learning-drizzleDrench yourself in Deep Learning, Reinforcement Learning, Machine Learning, Computer Vision, and NLP by learning from these exciting lectures!!
UpdatedMar 30, 2019 -
cs344 Public
Forked from udacity/cs344Introduction to Parallel Programming class code
Cuda UpdatedMar 16, 2019 -
tensorflow-yolov3 Public
Forked from YunYang1994/tensorflow-yolov3pure tensorflow Implement of YOLOv3 with support to train your own dataset
Python MIT License UpdatedMar 13, 2019 -
chainer-mask-rcnn Public
Forked from wkentaro/chainer-mask-rcnnChainer Implementation of Mask R-CNN. (Training code to reproduce the original result is available.)
Python MIT License UpdatedMar 1, 2019 -
Kalman-and-Bayesian-Filters-in-Python Public
Forked from rlabbe/Kalman-and-Bayesian-Filters-in-PythonKalman Filter book using Jupyter Notebook. Focuses on building intuition and experience, not formal proofs. Includes Kalman filters,extended Kalman filters, unscented Kalman filters, particle filte…
Jupyter Notebook Other UpdatedFeb 17, 2019 -
dopamine Public
Forked from google/dopamineDopamine is a research framework for fast prototyping of reinforcement learning algorithms.
-
PanopticSegmentation Public
Forked from dmechea/PanopticSegmentationThis repository combines the MASK_RCNN algorithm for instance segmentation and DeepLabV2 Algorithm for semantic segmentation in order to produce predictions for the Panoptic Segmentation Challenge.
Python MIT License UpdatedJan 7, 2019 -
robosat Public
Forked from mapbox/robosatSemantic segmentation on aerial and satellite imagery. Extracts features such as: buildings, parking lots, roads, water, clouds
Python MIT License UpdatedDec 22, 2018 -
coco-panoptic Public
Forked from m3at/coco-panopticQuick attempt at a panoptic segmentation model
Jupyter Notebook MIT License UpdatedDec 19, 2018 -
Object-Detection-Metrics Public
Forked from rafaelpadilla/Object-Detection-MetricsMost popular metrics used to evaluate object detection algorithms
Python MIT License UpdatedDec 11, 2018 -
panopticapi Public
Forked from cocodataset/panopticapiCOCO 2018 Panoptic Segmentation Task API (Beta version)
Python Other UpdatedNov 10, 2018 -
darknet-numpy Public
Forked from DT42/darknet-numpyMake Darknet to support numpy array as input
Python UpdatedOct 6, 2018 -
pyyolo Public
Forked from digitalbrain79/pyyoloSimple python wrapper for YOLO.
C UpdatedSep 14, 2018 -
pyade Public
Forked from xKuZz/pyadePython Advanced Differential Evolution
HTML MIT License UpdatedSep 7, 2018 -
bayesopt Public
Forked from rmcantin/bayesoptBayesOpt: A toolbox for bayesian optimization, experimental design and stochastic bandits.
C++ GNU Affero General Public License v3.0 UpdatedAug 28, 2018 -
mx-rcnn Public
Forked from ijkguo/mx-rcnnParallel Faster R-CNN implementation with MXNet.
Python Other UpdatedAug 25, 2018 -
boost Public
Forked from boostorg/boostSuper-project for modularized Boost
HTML Boost Software License 1.0 UpdatedJul 19, 2018 -
PythonRobotics Public
Forked from AtsushiSakai/PythonRoboticsPython sample codes for robotics algorithms.
Python MIT License UpdatedJul 18, 2018 -
matplotlib Public
Forked from matplotlib/matplotlibmatplotlib: plotting with Python
Python UpdatedJul 14, 2018 -
python Public
Forked from boostorg/pythonBoost.org python module
C++ Boost Software License 1.0 UpdatedJul 11, 2018 -
emva1288 Public
Forked from EMVA1288/emva1288Reference implementation
Python GNU General Public License v3.0 UpdatedJul 10, 2018 -
Shocksolution_Examples Public
Forked from cfinch/Shocksolution_ExamplesExample code from shocksolution.com
Python GNU General Public License v3.0 UpdatedApr 12, 2018 -
This project implements a hybrid automata based behavioral control strategy for a differential drive robot.
-
SDC-MPC Public
This project implements a Model Predictive Controller for driving a self driving car.