zilongzhong
Zilong received his Ph.D. in Machine Learning and Intelligence from the University of Waterloo; and is currently working as a Postdoc with McMaster University
McMaster UniversityHamilton, ON, Canada
Pinned Repositories
DANet
Dual Attention Network for Scene Segmentation (CVPR2019)
DenseNAS
Densely Connected Search Space for More Flexible Neural Architecture Search (CVPR2020)
FCN-4s-for-Building-Extraction
Building Extraction based on FCN-4s
ISPRS-Potsdam-Semantic-Segmentation
Aidan Blair
PixelAnnotationTool
Software that allows you to manually and quickly annotate images in directories. Use Qt and OpenCV. Useful for Deep Learning, Pixel-wise Ground Truth
Semi-Supervised-Learning-GAN
Semi-supervised Learning GAN
SSRN
This is a tensorflow and keras based implementation of SSRNs in the IEEE T-GRS paper "Spectral-Spatial Residual Network for Hyperspectral Image Classification: A 3-D Deep Learning Framework".
SSTN
PyTorch Implementation of SSTNs for hyperspectral image classifications from the IEEE T-GRS paper "Spectral-Spatial Transformer Network for Hyperspectral Image Classification: A FAS Framework."
zilongzhong's Repositories
zilongzhong/ac-gan
A tensorflow implementation of google's AC-GAN ( Auxiliary Classifier GAN ).
zilongzhong/ChineseNER
A neural network model for Chinese named entity recognition
zilongzhong/cnn_graph
Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering
zilongzhong/crfasrnn
This repository contains the source code for the semantic image segmentation method described in the ICCV 2015 paper: Conditional Random Fields as Recurrent Neural Networks. http://crfasrnn.torr.vision/
zilongzhong/Deep-Learning-TensorFlow
Ready to use implementations of various Deep Learning algorithms using TensorFlow.
zilongzhong/DeepLearningImplementations
Implementation of recent Deep Learning papers
zilongzhong/gcn
Implementation of Graph Convolutional Networks in TensorFlow
zilongzhong/kegra
Deep Learning on Graphs with Keras
zilongzhong/keras-acgan
Auxiliary Classifier Generative Adversarial Networks in Keras
zilongzhong/keras-adversarial
Keras Generative Adversarial Networks
zilongzhong/Keras-FCN
Keras-tensorflow implementation of Fully Convolutional Networks for Semantic Segmentation(Unfinished)
zilongzhong/keras-js
Run Keras models (tensorflow backend) in the browser, with GPU support
zilongzhong/keras-resnet
Residual networks implementation using Keras-1.0 functional API
zilongzhong/keras-transfer-learning-for-oxford102
Keras pretrained models (VGG16 and InceptionV3) + Transfer Learning for predicting classes in the Oxford 102 flower dataset
zilongzhong/LargeMargin_Softmax_Loss
Implementation for <Large-Margin Softmax Loss for Convolutional Neural Networks> in ICML'16
zilongzhong/lectures
Oxford Deep NLP 2017 course
zilongzhong/mx-lsoftmax
mxnet version of Large-Margin Softmax Loss for Convolutional Neural Networks.
zilongzhong/opengm
A C++ Library for Discrete Graphical Models
zilongzhong/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
zilongzhong/py-R-FCN
R-FCN with joint training and python support
zilongzhong/pystruct
Simple structured learning framework for python
zilongzhong/recurrent-entity-networks
An implementation of "Tracking the World State with Recurrent Entity Networks".
zilongzhong/RFCN-tensorflow
RFCN implementation in TensorFlow
zilongzhong/subpixel
subpixel: A subpixel convnet for super resolution with Tensorflow
zilongzhong/tensorflow-bilateral-permutohedral
Port of permutohedral bilateral filtering to tensorflow as an op
zilongzhong/tensorflow-deeplab-resnet
DeepLab-ResNet rebuilt in TensorFlow
zilongzhong/tensorflow_qrnn
QRNN implementation for TensorFlow
zilongzhong/tf-stanford-tutorials
This repository contains code examples for the course CS 20SI: TensorFlow for Deep Learning Research.
zilongzhong/triplet_recommendations_keras
An example of doing MovieLens recommendations using triplet loss in Keras
zilongzhong/WassersteinGAN