YINGNANSU's Stars
tensorflow/models
Models and examples built with TensorFlow
ultralytics/yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
facebookresearch/detectron2
Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.
open-mmlab/mmdetection
OpenMMLab Detection Toolbox and Benchmark
AlexeyAB/darknet
YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet )
Mikoto10032/DeepLearning
深度学习入门教程, 优秀文章, Deep Learning Tutorial
PaddlePaddle/PaddleDetection
Object Detection toolkit based on PaddlePaddle. It supports object detection, instance segmentation, multiple object tracking and real-time multi-person keypoint detection.
hoya012/deep_learning_object_detection
A paper list of object detection using deep learning.
ultralytics/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > TFLite
rbgirshick/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
wiseodd/generative-models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
1adrianb/face-alignment
:fire: 2D and 3D Face alignment library build using pytorch
locuslab/TCN
Sequence modeling benchmarks and temporal convolutional networks
tusen-ai/simpledet
A Simple and Versatile Framework for Object Detection and Instance Recognition
ZFTurbo/Weighted-Boxes-Fusion
Set of methods to ensemble boxes from different object detection models, including implementation of "Weighted boxes fusion (WBF)" method.
mit-han-lab/gan-compression
[CVPR 2020] GAN Compression: Efficient Architectures for Interactive Conditional GANs
titu1994/LSTM-FCN
Codebase for the paper LSTM Fully Convolutional Networks for Time Series Classification
wangyanckxx/Single-Underwater-Image-Enhancement-and-Color-Restoration
Single Underwater Image Enhancement and Color Restoration, which is Python implementation for a comprehensive review paper "An Experimental-based Review of Image Enhancement and Image Restoration Methods for Underwater Imaging"
ming71/mmdetection-annotated
mmdetection源码注释
ppliuboy/SelFlow
SelFlow: Self-Supervised Learning of Optical Flow
Ma-Dan/keras-yolo4
A Keras implementation of YOLOv4 (Tensorflow backend)
wshuyi/demo-fastbert-multi-label-classification
Sunnydreamrain/IndRNN_Theano_Lasagne
This code is to implement the IndRNN.
apolanco3225/Data-Augmentation-and-Segmentation-with-GANs-for-Medical-Images
Generating randomized brain MRI images from random noise using a GAN. Additionally translating from one image domain to another with a conditional GAN (pix2pix): Segmenting brain anatomy - Generating brain MRI from the segmentation - Augmenting the translation of image modalities in a limited dataset to perform ischemic stroke segmentation.
wikke/TimeSeriesPrediction
Time Series Prediction, Stateful LSTM; 时间序列预测,洗发水销量/股票走势预测,有状态循环神经网络
aimuch/AITools
AI 常用脚本
youyuge34/Cosine_Stateful_Lstm
有关keras中stateful LSTM模型讲解的配套代码
koukou10/lstm-fcn
LSTM-FCN applied on ECG dataset
tkokkeng/KE5108-Image-Augmentation-using-GAN
Perform data augmentation on an image dataset using generative adversarial network
YINGNANSU/Train-a-YOLOv4-model