Pinned Repositories
camodocal
CamOdoCal: Automatic Intrinsic and Extrinsic Calibration of a Rig with Multiple Generic Cameras and Odometry
cifar10_challenge
A challenge to explore adversarial robustness of neural networks on CIFAR10.
cleverhans
An adversarial example library for constructing attacks, building defenses, and benchmarking both
CNNDetection
Code for the paper: CNN-generated images are surprisingly easy to spot... for now https://peterwang512.github.io/CNNDetection/
colmap
COLMAP - Structure-from-Motion and Multi-View Stereo
DCGAN-tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
DeepConvLSTM
Deep learning framework for wearable activity recognition based on convolutional and LSTM recurretn layers
detr3d
Diffusion-Models-pytorch
Pytorch implementation of Diffusion Models (https://arxiv.org/pdf/2006.11239.pdf)
flownet-tf
DingGit's Repositories
DingGit/flownet-tf
DingGit/camodocal
CamOdoCal: Automatic Intrinsic and Extrinsic Calibration of a Rig with Multiple Generic Cameras and Odometry
DingGit/cifar10_challenge
A challenge to explore adversarial robustness of neural networks on CIFAR10.
DingGit/cleverhans
An adversarial example library for constructing attacks, building defenses, and benchmarking both
DingGit/CNNDetection
Code for the paper: CNN-generated images are surprisingly easy to spot... for now https://peterwang512.github.io/CNNDetection/
DingGit/colmap
COLMAP - Structure-from-Motion and Multi-View Stereo
DingGit/DCGAN-tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
DingGit/DeepConvLSTM
Deep learning framework for wearable activity recognition based on convolutional and LSTM recurretn layers
DingGit/detr3d
DingGit/Diffusion-Models-pytorch
Pytorch implementation of Diffusion Models (https://arxiv.org/pdf/2006.11239.pdf)
DingGit/FRRN
Full Resolution Residual Networks for Semantic Image Segmentation
DingGit/GAN-MNIST
Generative Adversarial Network for MNIST with tensorflow
DingGit/generative-models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
DingGit/glow
Compiler for Neural Network hardware accelerators
DingGit/googlenet-bn
Added batch normalization to googlenet to solve the slow training problem.
DingGit/human-motion-prediction
Simple baselines and RNNs for predicting human motion in tensorflow. Presented at CVPR 17.
DingGit/imagenet-multiGPU.torch
an imagenet example in torch.
DingGit/KittiSeg
A Kitti Road Segmentation model implemented in tensorflow.
DingGit/lsd_slam
LSD-SLAM
DingGit/MultiNet
Real-time Joint Semantic Reasoning for Autonomous Driving
DingGit/nn_robust_attacks
Robust evasion attacks against neural network to find adversarial examples
DingGit/obfuscated-gradients
Obfuscated Gradients Give a False Sense of Security: Circumventing Defenses to Adversarial Examples
DingGit/omnimvs-pytorch
Changhee Won, Jongbin Ryu and Jongwoo Lim "End-to-End Learning for Omnidirectional Stereo Matching with Uncertainty Prior", in TPAMI 20
DingGit/pytorch-a2c-ppo-acktr
PyTorch implementation of Advantage Actor Critic (A2C), Proximal Policy Optimization (PPO) and Scalable trust-region method for deep reinforcement learning using Kronecker-factored approximation (ACKTR).
DingGit/SfM-Toy-Library
A toy library for Structure from Motion using OpenCV
DingGit/simple-alexnet-train
A simple training with simulated (self-generated images) on Alex-net. Modified from soumith's code.
DingGit/sweepnet
Changhee Won, Jongbin Ryu and Jongwoo Lim "SweepNet: Wide-baseline Omnidirectional Depth Estimation", in ICRA 2019
DingGit/tensorflow_retinanet
RetinaNet with Focal Loss implemented by Tensorflow
DingGit/tf-monodepth2
Tensorflow implementation(unofficial) of "Digging into Self-Supervised Monocular Depth Prediction"
DingGit/torch-ffmpeg
ffmpeg in torch that is simple, efficient, and easy to install