Pinned Repositories
awesome-deep-vision
A curated list of deep learning resources for computer vision
awesome-rnn
Recurrent Neural Network - A curated list of resources dedicated to RNN
b64.c
Base64 encode/decode
caffe-yolo
YOLO (Real-Time Object Detection) in caffe
CarND-Vehicle-Detection
Vehicle Detection Project
compute
A C++ GPU Computing Library for OpenCL
ComputeLibrary
The ARM Computer Vision and Machine Learning library is a set of functions optimised for both ARM CPUs and GPUs using SIMD technologies.
create_tfrecords
A simpler way of preparing large-scale image dataset by generalizing functions from TensorFlow-slim
darknet
Convolutional Neural Networks
DeepLearningFlappyBird
Flappy Bird hack using Deep Reinforcement Learning (Deep Q-learning).
JimmKiMoon's Repositories
JimmKiMoon/awesome-deep-vision
A curated list of deep learning resources for computer vision
JimmKiMoon/awesome-rnn
Recurrent Neural Network - A curated list of resources dedicated to RNN
JimmKiMoon/b64.c
Base64 encode/decode
JimmKiMoon/CarND-Vehicle-Detection
Vehicle Detection Project
JimmKiMoon/compute
A C++ GPU Computing Library for OpenCL
JimmKiMoon/ComputeLibrary
The ARM Computer Vision and Machine Learning library is a set of functions optimised for both ARM CPUs and GPUs using SIMD technologies.
JimmKiMoon/create_tfrecords
A simpler way of preparing large-scale image dataset by generalizing functions from TensorFlow-slim
JimmKiMoon/darknet
Convolutional Neural Networks
JimmKiMoon/DeepLearningFlappyBird
Flappy Bird hack using Deep Reinforcement Learning (Deep Q-learning).
JimmKiMoon/delaunay-triangulation
C++ version the delaunay triangulation
JimmKiMoon/dlib
A toolkit for making real world machine learning and data analysis applications in C++
JimmKiMoon/fdd
Fatigue driving detection by face analysis
JimmKiMoon/handson-ml
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in python using Scikit-Learn and TensorFlow.
JimmKiMoon/heatmap
High performance C heatmap generation library. Supposed to be wrapped by higher-level languages.
JimmKiMoon/jetson-inference
Guide to deploying deep-learning inference networks and deep vision primitives with TensorRT and Jetson TX1/TX2.
JimmKiMoon/lbcnn.torch
Torch implementation of CVPR'17 - Local Binary Convolutional Neural Networks http://xujuefei.com/lbcnn.html
JimmKiMoon/meetup_pythonbq_deeplearning
DQN examples
JimmKiMoon/MobileNet-SSD
Caffe implementation of Google MobileNet SSD detection network, with pretrained weights on VOC0712 and mAP=0.727.
JimmKiMoon/pocl
pocl - Portable Computing Language
JimmKiMoon/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
JimmKiMoon/rpi3-wifi-conf
A simple Python script to configure wifi over bluetooth for a Raspberry Pi 3
JimmKiMoon/Simd
C++ image processing library with using of SIMD: SSE, SSE2, SSE3, SSSE3, SSE4.1, SSE4.2, AVX, AVX2, AVX-512, VMX(Altivec) and VSX(Power7), NEON for ARM.
JimmKiMoon/simplemonitor
A Python-based network and host monitor
JimmKiMoon/SqueezeNet
SqueezeNet: AlexNet-level accuracy with 50x fewer parameters
JimmKiMoon/sse2neon
Automatically exported from code.google.com/p/sse2neon
JimmKiMoon/SVHNClassifier
A TensorFlow implementation of Multi-digit Number Recognition from Street View Imagery using Deep Convolutional Neural Networks (http://arxiv.org/pdf/1312.6082.pdf)
JimmKiMoon/tensorflow-train-to-mobile-tutorial
Code for the reproduction of the results of the TensorFlow for Mobile blog series by inovex GmbH
JimmKiMoon/turkish-license-plate-detector
Finding turkish and eu license plates in images using OpenCV
JimmKiMoon/Yolo_mark
GUI for marking bounded boxes of objects in images for training Yolo v2
JimmKiMoon/yoloNCS
YOLO for Intel/Movidius Neural Compute Stick (NCS)