Pinned Repositories
3D_CNN_tensorflow
KITTI data processing and 3D CNN for Vehicle Detection
a2-synchrotron
Network-wide Consensus Utilizing the Capture Effect in Low-power Wireless Networks
aaai17-cdq
Code release of "Collective Deep Quantization of Efficient Cross-modal Retrieval" (AAAI 17)
books
developer-roadmap
Roadmap to becoming a web developer in 2018
ExtendedObjectTracking
Sensor Data Fusion Group
GNNPapers
Must-read papers on graph neural networks (GNN)
MachineLearning_Zhouzhihua_ProblemSets
Exercises answers to the book "machine-learning" written by Zhou Zhihua。周志华《机器学习》课后习题,个人解答。各算法都拿numpy和pandas实现了一遍
pyspider
A Powerful Spider(Web Crawler) System in Python.
sklearn2
Small extension to sklearn
maplewzx's Repositories
maplewzx/Artificial-Intelligence-Deep-Learning-Machine-Learning-Tutorials
A comprehensive list of Deep Learning / Artificial Intelligence and Machine Learning tutorials - rapidly expanding into areas of AI/Deep Learning / Machine Vision / NLP and industry specific areas such as Automotives, Retail, Pharma, Medicine, Healthcare by Tarry Singh until at-least 2020 until he finishes his Ph.D. (which might end up being inter-stellar cosmic networks! Who knows! 😀)
maplewzx/C3D-tensorflow
maplewzx/caffe
Caffe: a fast open framework for deep learning.
maplewzx/caffe2
Caffe2 is a lightweight, modular, and scalable deep learning framework.
maplewzx/char-rnn-tensorflow
Multi-layer Recurrent Neural Networks (LSTM, RNN) for character-level language models in Python using Tensorflow
maplewzx/CNTK
Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit
maplewzx/EASL
Efficient Annotation of Scalar Labels
maplewzx/ExtendedTargetTrackingToolbox
A python toolbox for extended target tracking
maplewzx/genadv_tutorial
TensorFlow tutorial on Generative Adversarial Models
maplewzx/incubator-mxnet
Lightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Scala, Go, Javascript and more
maplewzx/insightface
Face Recognition Project on MXNet
maplewzx/keras
Deep Learning for humans
maplewzx/keras-rl
Deep Reinforcement Learning for Keras.
maplewzx/lstm-char-cnn-tensorflow
in progress
maplewzx/LSTMVis
Visualization Toolbox for Long Short Term Memory networks (LSTMs)
maplewzx/multi-secret-sharing
open source tool for splitting multiple secrets among multiple stakeholders
maplewzx/O-CNN
O-CNN: Octree-based Convolutional Neural Networks for 3D Shape Analysis
maplewzx/onnx
Open Neural Network Exchange
maplewzx/open-images-dataset
Open Images is a dataset of ~9 million images that have been annotated with image-level labels and bounding boxes spanning thousands of classes.
maplewzx/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
maplewzx/pytorch-mobilenet-v2
A PyTorch implementation of MobileNet V2 architecture and pretrained model.
maplewzx/SAN
Code release for "Partial Transfer Learning with Selective Adversarial Networks" (CVPR 2018)
maplewzx/Shamir-3
A Java implementation of Shamir's Secret Sharing.
maplewzx/SSD-Tensorflow
Single Shot MultiBox Detector in TensorFlow
maplewzx/TAH
Code release for "Transfer Adversarial Hashing for Hamming Space Retrieval" (AAAI 2018)
maplewzx/TensorFlow-Book
Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.
maplewzx/tensorflow-resnet
ResNet model in TensorFlow
maplewzx/tensorflow-yolo-v3
Implementation of YOLO v3 object detector in Tensorflow (TF-Slim)
maplewzx/tf-slim-mnist
MNIST tutorial with Tensorflow Slim (tf-slim)
maplewzx/train_arch
vgg(vgg16,vgg19), resnet(resnet_v2_50,resnet_v2_101,resnet_v2_152), inception_v4, inception_resnet_v2,.....