zcdliuwei
Machine Learning Research Engineer Master of Probability and Statistics
Small DesignHangZhou in China
Pinned Repositories
DataAugmentationForObjectDetection
Data Augmentation For Object Detection
deep_learning_object_detection
A paper list of object detection using deep learning.
DeepLabV3_Plus-Tensorflow2.0
DeepLabV3+ implemented in TensorFlow2.0
DeepLearningExamples
Deep Learning Examples
handson-ml2
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.
imgaug
Image augmentation for machine learning experiments.
Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
tensorflow-yolov4-tflite
YoloV4 Implemented in Tensorflow 2.0. Convert .weights to .pb and .tflite format for tensorflow and tensorflow lite.
transformers
🤗 Transformers: State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch.
yolov3-tf2
YoloV3 Implemented in Tensorflow 2.0
zcdliuwei's Repositories
zcdliuwei/DataAugmentationForObjectDetection
Data Augmentation For Object Detection
zcdliuwei/liuwei
[CVPR 2020] 3D Photography using Context-aware Layered Depth Inpainting
zcdliuwei/transformers
🤗 Transformers: State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch.
zcdliuwei/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
zcdliuwei/tensorflow-yolov4-tflite
YoloV4 Implemented in Tensorflow 2.0. Convert .weights to .pb and .tflite format for tensorflow and tensorflow lite.
zcdliuwei/Amazing-Semantic-Segmentation
Amazing Semantic Segmentation on Tensorflow && Keras (include FCN, UNet, SegNet, PSPNet, PAN, RefineNet, DeepLabV3, DeepLabV3+, DenseASPP, BiSegNet)
zcdliuwei/BERT-NER-Pytorch
Chinese NER(Named Entity Recognition) using BERT(Softmax, CRF, Span)
zcdliuwei/bertviz
Tool for visualizing attention in the Transformer model (BERT, GPT-2, Albert, XLNet, RoBERTa, CTRL, etc.)
zcdliuwei/CenterNet_TensorFlow2
A tensorflow2.x implementation of CenterNet.
zcdliuwei/CSL_RetinaNet_Tensorflow
zcdliuwei/Deep-Learning-with-TensorFlow-2-and-Keras
Deep Learning with TensorFlow 2 and Keras, published by Packt
zcdliuwei/efficientdet-tf
Custom implementation of EfficientDet https://arxiv.org/abs/1911.09070
zcdliuwei/efficientdet-tf2
This is the tf2.0 version of efficientdet.
zcdliuwei/EfficientDet_TensorFlow2
A tensorflow2.x implementation of EfficientDet: Scalable and Efficient Object Detection.
zcdliuwei/fucking-algorithm
手把手撕LeetCode题目,扒各种算法套路的裤子。English version supported! Crack LeetCode, not only how, but also why.
zcdliuwei/German_License_Plate_Recognition
Android camera app for automatic recognition of German license plates using TensorFlow / TensorFlow Lite 2.0
zcdliuwei/handtracking
Building a Real-time Hand-Detector using Neural Networks (SSD) on Tensorflow
zcdliuwei/HyperLPR
基于深度学习高性能中文车牌识别 High Performance Chinese License Plate Recognition Framework.
zcdliuwei/image-segmentation-keras
Implementation of Segnet, FCN, UNet , PSPNet and other models in Keras.
zcdliuwei/PaintingLight
Generating Digital Painting Lighting Effects via RGB-space Geometry (SIGGRAPH2020/TOG2020)
zcdliuwei/RetinaNet
RetinaNet的tensorflow2.0实现
zcdliuwei/ssd-tf2
A super clean implementation of SSD (Single Shot MultiBox Detector) made possible by Tensorflow 2.0
zcdliuwei/Tensorflow-YOLACT
Implementation of the paper "YOLACT Real-time Instance Segmentation" in Tensorflow 2.0
zcdliuwei/TensorRT
TensorRT is a C++ library for high performance inference on NVIDIA GPUs and deep learning accelerators.
zcdliuwei/TF.Keras-Commonly-used-models
基于Tensorflow的常用模型,包括分类分割、新型激活、卷积模块,可在Tensorflow2.0下运行。
zcdliuwei/transferlearning
Everything about Transfer Learning and Domain Adaptation--迁移学习
zcdliuwei/TSD
1st place models in Google OpenImage Detection Challenge 2019
zcdliuwei/yolo4_tensorflow2
yolo 4th edition implemented by tensorflow2.0
zcdliuwei/yolov3_deepsort
Object tracking implemented with YOLOv3, Deep Sort and Tensorflow.
zcdliuwei/YOLOv3_TensorFlow2
基于TensorFlow2.x实现的YOLOv3,支持在自定义数据集上训练,支持保存为TFLite模型。A tensorflow2 implementation of YOLO_V3(Supports training on custom dataset and saving as tflite models.).