Pinned Repositories
aismessages
AISmessages is a Java-based light-weight, zero-dependency, and ultra-efficient message decoder for maritime navigation and safety messages compliant with ITU 1371 (NMEA armoured AIS messages). A live demo of AISmessages is available on http://ais.tbsalling.dk.
BPL
Bayesian Program Learning model for one-shot learning
ccv
C-based/Cached/Core Computer Vision Library, A Modern Computer Vision Library
data-science-ipython-notebooks
Continually updated data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe), scikit-learn, Kaggle, Spark, Hadoop MapReduce, HDFS, matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines. https://bit.ly/data-notes
dataformat
A tool to generate data or reformat source data to csv/xml, useful for test data
dcgan-autoencoder
DCGAN-tensorflow
A tensorflow implementation of Deep Convolutional Generative Adversarial Networks
DecomposedNets
Personal Test (No need follow)
distribute_crawler
使用scrapy,redis, mongodb,graphite实现的一个分布式网络爬虫,底层存储mongodb集群,分布式使用redis实现,爬虫状态显示使用graphite实现
draw
TensorFlow Implementation of "DRAW: A Recurrent Neural Network For Image Generation"
countkisg's Repositories
countkisg/dcgan-autoencoder
countkisg/DCGAN-tensorflow
A tensorflow implementation of Deep Convolutional Generative Adversarial Networks
countkisg/DecomposedNets
Personal Test (No need follow)
countkisg/draw
TensorFlow Implementation of "DRAW: A Recurrent Neural Network For Image Generation"
countkisg/face-recognition
Face recognition and segmentation using Python, dlib, and One Millisecond Face Alignment with an Ensemble of Regression Trees.
countkisg/faceswap
Non official project based on original /r/Deepfakes thread. Many thanks to him!
countkisg/Faster-RCNN_TF
Faster-RCNN in Tensorflow
countkisg/Hierarchical-ELM-Network
IJCNN 2015 Hierarchical extreme learning machine for unsupervised representation learning
countkisg/HOG-SVM-python
countkisg/iGAN
iGAN: Interactive Image Generation powered by GAN
countkisg/imgaug
Image augmentation for machine learning experiments.
countkisg/keras
Deep Learning library for Python. Convnets, recurrent neural networks, and more. Runs on Theano and TensorFlow.
countkisg/keras-dcgan
Keras implementation of Deep Convolutional Generative Adversarial Networks
countkisg/keras-resnet
Residual networks implementation using Keras-1.0 functional API
countkisg/kset
countkisg/lstm
Minimal, clean example of lstm neural network training in python, for learning purposes.
countkisg/lstm_theano
Theano implementation for LSTM's for research purposes
countkisg/Magnetic-tile-defect-datasets.
dataset of the upcoming paper "Saliency of magnetic tile surface defects"
countkisg/omniglot
Omniglot data set for one-shot learning
countkisg/opencv
Open Source Computer Vision Library
countkisg/opencv-python-blueprints
M. Beyeler (2015). OpenCV with Python Blueprints: Design and develop advanced computer vision projects using OpenCV with Python, Packt Publishing Ltd., ISBN 978-178528269-0.
countkisg/PCANet
A Python implementation of PCANet https://arxiv.org/abs/1404.3606
countkisg/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
countkisg/pystock-data
US stock market data since 2009
countkisg/rnn
countkisg/SeetaFaceEngine
countkisg/spatial-transformer-tensorflow
Tensorflow Implementation of Spatial Transformer Networks
countkisg/Surface-Inspection-defect-detection-dataset
This project include several different surfaces, each surface contains one or several defects. For segmentation,object detection, saliency detection,etc
countkisg/tensorflow-without-a-phd
A crash course in six episodes for software developers who want to become machine learning practitioners.
countkisg/wgan
Tensorflow Implementation of Wasserstein GAN (and Improved version in wgan_v2)