zhong-xin's Stars
ildoonet/pytorch-randaugment
Unofficial PyTorch Reimplementation of RandAugment.
eriklindernoren/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
hindupuravinash/the-gan-zoo
A list of all named GANs!
soumith/ganhacks
starter from "How to Train a GAN?" at NIPS2016
yfeng95/GAN
Resources and Implementations of Generative Adversarial Nets: GAN, DCGAN, WGAN, CGAN, InfoGAN
willylulu/celeba-hq-modified
Modified h5tool.py make user getting celeba-HQ easier
clovaai/stargan-v2
StarGAN v2 - Official PyTorch Implementation (CVPR 2020)
cvdfoundation/kinetics-dataset
meifish/tea-action-recognition-patch
sujiongming/UCF-101_video_classification
Classify UCF101 videos using one frame at a time with a CNN(InceptionV3)
V-Sense/ACTION-Net
Official PyTorch implementation of ACTION-Net: Multipath Excitation for Action Recognition (CVPR'21)
Phoenix1327/tea-action-recognition
The Pytorch code of the TEA module (Temporal Excitation and Aggregation for Action Recognition)
mit-han-lab/temporal-shift-module
[ICCV 2019] TSM: Temporal Shift Module for Efficient Video Understanding
ultralytics/yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
NVIDIA/TensorRT
NVIDIA® TensorRT™ is an SDK for high-performance deep learning inference on NVIDIA GPUs. This repository contains the open source components of TensorRT.
wang-xinyu/tensorrtx
Implementation of popular deep learning networks with TensorRT network definition API
ygfrancois/crnn.pytorch.tensorrt.chinese
A Chinese characters recognition repository with tensorrt format supported based on CRNN_Chinese_Characters_Rec and TensorRTx.
BADBADBADBOY/DBnet-lite.pytorch
A pytorch re-implementation of Real-time Scene Text Detection with Differentiable Binarization
MhLiao/DB
A PyTorch implementation of "Real-time Scene Text Detection with Differentiable Binarization".
WenmuZhou/DBNet.pytorch
A pytorch re-implementation of Real-time Scene Text Detection with Differentiable Binarization
Bourne-M/PytorchOCR
基于Pytorch的OCR工具库,支持常用的文字检测和识别算法
bgshih/crnn
Convolutional Recurrent Neural Network (CRNN) for image-based sequence recognition.
Sierkinhane/CRNN_Chinese_Characters_Rec
(CRNN) Chinese Characters Recognition.
LeeJunHyun/Image_Segmentation
Pytorch implementation of U-Net, R2U-Net, Attention U-Net, and Attention R2U-Net.
meijieru/crnn.pytorch
Convolutional recurrent network in pytorch
yinboc/liif
Learning Continuous Image Representation with Local Implicit Image Function, in CVPR 2021 (Oral)
Tianxiaomo/pytorch-YOLOv4
PyTorch ,ONNX and TensorRT implementation of YOLOv4
scutan90/DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,50余万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
fediazgon/pbt-keras
Population Based Training of Neural Network implemented in Keras
jacobgil/pytorch-grad-cam
Advanced AI Explainability for computer vision. Support for CNNs, Vision Transformers, Classification, Object detection, Segmentation, Image similarity and more.