Pinned Repositories
AdaBound-Tensorflow
Simple Tensorflow implementation of "Adaptive Gradient Methods with Dynamic Bound of Learning Rate" (ICLR 2019)
ASIS
Associatively Segmenting Instances and Semantics in Point Clouds
Convolutional-Block-Attention-Module
Unofficial implementation of Convolutional Block Attention Module (CBAM)
deep_learning_object_detection
A paper list of object detection using deep learning.
Detectron.pytorch
A pytorch implementation of Detectron. Both training from scratch and inferring directly from pretrained Detectron weights are available.
dfc2019
2019 IEEE GRSS Data Fusion Contest
DSOD-Pytorch-Implementation
faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
pytorch-deform-conv
PyTorch implementation of Deformable Convolution
PytorchSSD
pytorch version of SSD and it's enhanced methods such as RFBSSD,FSSD and RefineDet
ztyxd's Repositories
ztyxd/Convolutional-Block-Attention-Module
Unofficial implementation of Convolutional Block Attention Module (CBAM)
ztyxd/PytorchSSD
pytorch version of SSD and it's enhanced methods such as RFBSSD,FSSD and RefineDet
ztyxd/AdaBound-Tensorflow
Simple Tensorflow implementation of "Adaptive Gradient Methods with Dynamic Bound of Learning Rate" (ICLR 2019)
ztyxd/ASIS
Associatively Segmenting Instances and Semantics in Point Clouds
ztyxd/deep_learning_object_detection
A paper list of object detection using deep learning.
ztyxd/Detectron.pytorch
A pytorch implementation of Detectron. Both training from scratch and inferring directly from pretrained Detectron weights are available.
ztyxd/dfc2019
2019 IEEE GRSS Data Fusion Contest
ztyxd/faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
ztyxd/fpn.pytorch
Pytorch implementation of Feature Pyramid Network (FPN) for Object Detection
ztyxd/fully-convolutional-point-network
Fully-Convolutional Point Networks for Large-Scale Point Clouds
ztyxd/keras-yolo4
A Keras implementation of YOLOv4 (Tensorflow backend)
ztyxd/L-GM_loss_pytorch
Rethinking Feature Distribution for Loss Functions in Image Classification
ztyxd/labelImg
:metal: LabelImg is a graphical image annotation tool and label object bounding boxes in images
ztyxd/LearningToCountEverything
ztyxd/MNIST_center_loss_pytorch
A Pytorch implementation of center loss on MNIST
ztyxd/models
Models and examples built with TensorFlow
ztyxd/PMTD
Pyramid Mask Text Detector designed by SenseTime Video Intelligence Research team.
ztyxd/PointCNN
PointCNN: Convolution On X-Transformed Points (NeurIPS 2018)
ztyxd/pointSIFT
a module for 3D semantic segmentation in point clouds.
ztyxd/PreciseRoIPooling
Precise RoI Pooling with coordinate gradient support, proposed in the paper "Acquisition of Localization Confidence for Accurate Object Detection" (https://arxiv.org/abs/1807.11590).
ztyxd/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
ztyxd/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
ztyxd/pytorch-generative-model-collections
Collection of generative models in Pytorch version.
ztyxd/pytorch-grad-cam
PyTorch implementation of Grad-CAM
ztyxd/PyTorch-Tutorial
Build your neural network easy and fast
ztyxd/Sar-homework
Sar homework by Tianyang Zhang 19171110476T
ztyxd/simple-faster-rcnn-pytorch
A simplified implemention of Faster R-CNN that replicate performance from origin paper
ztyxd/ssd.pytorch
A PyTorch Implementation of Single Shot MultiBox Detector
ztyxd/swa
Stochastic Weight Averaging in PyTorch
ztyxd/YOLOv3_PyTorch
Full implementation of YOLOv3 in PyTorch