Pinned Repositories
3D-ResNets-PyTorch
3D ResNets for Action Recognition (CVPR 2018)
awesome-reid-dataset
Collection of public available person re-identification datasets
awesome-semantic-segmentation
:metal: awesome-semantic-segmentation
Bag_of_Tricks_for_Image_Classification_with_Convolutional_Neural_Networks
experiments on Paper <Bag of Tricks for Image Classification with Convolutional Neural Networks> and other useful tricks to improve CNN acc
bottleneck-transformer-pytorch
Implementation of Bottleneck Transformer in Pytorch
Bottleneck-Transformers-for-Visual-Recognition
PyTorch Implementation of BoTNet. Link to paper: https://arxiv.org/abs/2101.11605
cardiac-segmentation
Right Ventricle Cardiac MRI Segmentation
CBAM.PyTorch
Non-official implement of Paper:CBAM: Convolutional Block Attention Module
CLAS-Pytorch
Temporal-consistent segmentation of echocardiography (MICCAI 2020 early accept)
DPC-MSGATNet
QiaoSiBo's Repositories
QiaoSiBo/awesome-reid-dataset
Collection of public available person re-identification datasets
QiaoSiBo/awesome-semantic-segmentation
:metal: awesome-semantic-segmentation
QiaoSiBo/Bag_of_Tricks_for_Image_Classification_with_Convolutional_Neural_Networks
experiments on Paper <Bag of Tricks for Image Classification with Convolutional Neural Networks> and other useful tricks to improve CNN acc
QiaoSiBo/cardiac-segmentation
Right Ventricle Cardiac MRI Segmentation
QiaoSiBo/DeeplabV3Plus-Keras-Retraining
使用自己的数据集retraining DeeplabV3+
QiaoSiBo/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
QiaoSiBo/Dlib_face_recognition_from_camera
Detect and recognize the faces from camera / 调用摄像头进行人脸识别,支持多张人脸同时识别
QiaoSiBo/face_recognition
The world's simplest facial recognition api for Python and the command line
QiaoSiBo/insightface
Face Analysis Project on MXNet
QiaoSiBo/keras-transfer-learning-for-oxford102
Keras pretrained models (VGG16, InceptionV3, Resnet50, Resnet152) + Transfer Learning for predicting classes in the Oxford 102 flower dataset
QiaoSiBo/keras-yolo3
A Keras implementation of YOLOv3 (Tensorflow backend)
QiaoSiBo/KNN
利用KNN 算法,简单对约会网站进行分类,判断出自己喜欢的对方类型
QiaoSiBo/LIP_JPPNet
Code repository for Joint Body Parsing & Pose Estimation Network, T-PAMI 2018
QiaoSiBo/Market1501Evaluation
Evaluation codes for Market-1501 Person Re-ID Dataset
QiaoSiBo/Meta-SR
Super Resolution RDN and Meta-SR implementation use tf.estimator
QiaoSiBo/Object-Detection-Metrics
Most popular metrics used to evaluate object detection algorithms.
QiaoSiBo/openpose
OpenPose: Real-time multi-person keypoint detection library for body, face, hands, and foot estimation
QiaoSiBo/Person-Segmentation-Keras
Person segmentation with Keras (SegNet, Unet, etc.)
QiaoSiBo/Person_reID_baseline_pytorch
A tiny, friendly, strong pytorch implement of person re-identification baseline. Tutorial 👉https://github.com/layumi/Person_reID_baseline_pytorch/tree/master/tutorial
QiaoSiBo/Pix2PixHD
Simple implementation of Pix2PixHD with PyTorch
QiaoSiBo/pysot
SenseTime's research platform for single object tracking research, implementing algorithms like SiamRPN and SiamMask.
QiaoSiBo/sklearn_knn
QiaoSiBo/SPReID
Code for our CVPR 2018 paper - Human Semantic Parsing for Person Re-identification
QiaoSiBo/tensorflow
An Open Source Machine Learning Framework for Everyone
QiaoSiBo/tensorflow-deeplab-v3-plus
DeepLabv3+ built in TensorFlow
QiaoSiBo/tensorflow-slim-yolov3
pure tensorflow Implement of YOLOv3 with support to train your own dataset
QiaoSiBo/unet
unet for image segmentation
QiaoSiBo/xception-keras
A cleaned version of XceptionNet in Keras.
QiaoSiBo/yolo2
这个项目是基于论文YOLO9000: Better, Faster, Stronger的keras(backend:tensorflow)实现