seasidemym's Stars
nguyenq/jTessBoxEditor
Box editor and trainer for Tesseract OCR
vnpy/vnpy
基于Python的开源量化交易平台开发框架
hgpvision/darknet
darknet深度学习框架源码分析:详细中文注释,涵盖框架原理与实现语法分析
sirfz/tesserocr
A Python wrapper for the tesseract-ocr API
V2AI/Det3D
World's first general purpose 3D object detection codebse.
lyakaap/Landmark2019-1st-and-3rd-Place-Solution
The 1st Place Solution of the Google Landmark 2019 Retrieval Challenge and the 3rd Place Solution of the Recognition Challenge.
Shicoder/Deep_Rec
存放推荐算法相关代码、文档、资料
yzhao062/anomaly-detection-resources
Anomaly detection related books, papers, videos, and toolboxes
heefe92/Relation_Networks-pytorch
Relation Networks for object detection based pytorch
msracver/Relation-Networks-for-Object-Detection
Relation Networks for Object Detection
PaddlePaddle/Serving
A flexible, high-performance carrier for machine learning models(『飞桨』服务化部署框架)
PaddlePaddle/PaddleDetection
Object Detection toolkit based on PaddlePaddle. It supports object detection, instance segmentation, multiple object tracking and real-time multi-person keypoint detection.
huggingface/pytorch-image-models
The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
qubvel/ttach
Image Test Time Augmentation with PyTorch!
braveryCHR/LSTM_poem
使用pytorch实现RNN-LSTM写诗
asyml/texar
Toolkit for Machine Learning, Natural Language Processing, and Text Generation, in TensorFlow. This is part of the CASL project: http://casl-project.ai/
yusiningxin/sniper-pytorch
timgaripov/swa
Stochastic Weight Averaging in PyTorch
donnyyou/torchcv
TorchCV: A PyTorch-Based Framework for Deep Learning in Computer Vision
ildoonet/pytorch-gradual-warmup-lr
Gradually-Warmup Learning Rate Scheduler for PyTorch
LiyuanLucasLiu/RAdam
On the Variance of the Adaptive Learning Rate and Beyond
DeepVoltaire/AutoAugment
Unofficial implementation of the ImageNet, CIFAR 10 and SVHN Augmentation Policies learned by AutoAugment using pillow
ufoym/imbalanced-dataset-sampler
A (PyTorch) imbalanced dataset sampler for oversampling low frequent classes and undersampling high frequent ones.
facebookresearch/FixRes
This repository reproduces the results of the paper: "Fixing the train-test resolution discrepancy" https://arxiv.org/abs/1906.06423
Cadene/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
lukemelas/EfficientNet-PyTorch
A PyTorch implementation of EfficientNet
andrewekhalel/edafa
Test Time Augmentation (TTA) wrapper for computer vision tasks: segmentation, classification, super-resolution, ... etc.
skorch-dev/skorch
A scikit-learn compatible neural network library that wraps PyTorch
anandsaha/pytorch.cyclic.learning.rate
Using the CLR algorithm for training (https://arxiv.org/abs/1506.01186)
Santosh-Gupta/SpeedTorch
Library for faster pinned CPU <-> GPU transfer in Pytorch