Pinned Repositories
BEGAN-tensorflow
python3 / Implementation of Google Brain's BEGAN in Tensorflow
caffe
Caffe: a fast open framework for deep learning.
chainer-DCGAN
Chainer implementation of Deep Convolutional Generative Adversarial Network
code-of-learn-deep-learning-with-pytorch
This is code of book "Learn Deep Learning with PyTorch"
CoTr
[MICCAI2021] CoTr: Efficiently Bridging CNN and Transformer for 3D Medical Image Segmentation
deblur-gan
Keras implementation of "DeblurGAN: Blind Motion Deblurring Using Conditional Adversarial Networks"
DeblurGAN
Image Deblurring using Generative Adversarial Networks
deep-residual-networks
Deep Residual Learning for Image Recognition
face_recognition
The world's simplest facial recognition api for Python and the command line
noise2noise
Noise2Noise: Learning Image Restoration without Clean Data - Official TensorFlow implementation of the ICML 2018 paper
eliseyang's Repositories
eliseyang/noise2noise
Noise2Noise: Learning Image Restoration without Clean Data - Official TensorFlow implementation of the ICML 2018 paper
eliseyang/caffe
Caffe: a fast open framework for deep learning.
eliseyang/code-of-learn-deep-learning-with-pytorch
This is code of book "Learn Deep Learning with PyTorch"
eliseyang/CoTr
[MICCAI2021] CoTr: Efficiently Bridging CNN and Transformer for 3D Medical Image Segmentation
eliseyang/deblur-gan
Keras implementation of "DeblurGAN: Blind Motion Deblurring Using Conditional Adversarial Networks"
eliseyang/DeblurGAN
Image Deblurring using Generative Adversarial Networks
eliseyang/face_recognition
The world's simplest facial recognition api for Python and the command line
eliseyang/faster-rcnn-pytorch
这是一个faster-rcnn的pytorch实现的库,可以利用voc数据集格式的数据进行训练。
eliseyang/faster_rcnn_pytorch
Faster RCNN with PyTorch
eliseyang/grpc
The C based gRPC (C++, Python, Ruby, Objective-C, PHP, C#)
eliseyang/keras2cpp
This is a bunch of code to port Keras neural network model into pure C++.
eliseyang/matplotlib-cpp
Extremely simple yet powerful header-only C++ plotting library built on the popular matplotlib
eliseyang/nnUNet
eliseyang/progressive_growing_of_gans_tensorflow
Tensorflow implement of PROGRESSIVE GROWING OF GANS FOR IMPROVED QUALITY, STABILITY, AND VARIATION
eliseyang/PVT
eliseyang/pytorch-retinanet
Pytorch implementation of RetinaNet object detection.
eliseyang/PyTorch_YOLOv4
PyTorch implementation of YOLOv4
eliseyang/Semantic_Segmentation_FCN
eliseyang/simple-faster-rcnn-pytorch
A simplified implemention of Faster R-CNN that replicate performance from origin paper
eliseyang/simple_faster_rcnn
run this repository only depend python2.7 and Pytorch (0.3 or 0.4)
eliseyang/Swin-Transformer
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
eliseyang/T2T-ViT
ICCV2021, Tokens-to-Token ViT: Training Vision Transformers from Scratch on ImageNet
eliseyang/tensorflow
An Open Source Machine Learning Framework for Everyone
eliseyang/tensorrtx
Implementation of popular deep learning networks with TensorRT network definition API
eliseyang/unet
用caffe实现Unet
eliseyang/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
eliseyang/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > TFLite
eliseyang/yolov4-pytorch
这是一个YoloV4-pytorch的源码,可以用于训练自己的模型。
eliseyang/yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
eliseyang/YOLOX
YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported. Documentation: https://yolox.readthedocs.io/