Pinned Repositories
albumentations
Fast image augmentation library and easy to use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about library: https://www.mdpi.com/2078-2489/11/2/125
alive-progress
A new kind of Progress Bar, with real time throughput, eta and very cool animations!
Automold--Road-Augmentation-Library
This library augments road images to introduce various real world scenarios that pose challenges for training neural networks of Autonomous vehicles. Automold is created to train CNNs in specific weather and road conditions.
Awesome-algorithm-interview
算法工程师(人工智能CV方向)面试问题及相关资料
caffe
Caffe: a fast open framework for deep learning.
caffe-int8-convert-tools
Generate a quantization parameter file for ncnn framework int8 inference
caffe-model-zoo
caffe pretrained models and prototxt
Comp-9414
Comp9336-Labs
leetcode
LeetCode Solutions: A Record of My Problem Solving Journey.( leetcode题解,记录自己的leetcode解题之路。)
nanfei666's Repositories
nanfei666/albumentations
Fast image augmentation library and easy to use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about library: https://www.mdpi.com/2078-2489/11/2/125
nanfei666/Awesome-algorithm-interview
算法工程师(人工智能CV方向)面试问题及相关资料
nanfei666/DCFF
Pytorch implementation of our paper under review - Training Compact CNNs for Image Classification using Dynamic-coded Filter Fusion
nanfei666/dinov2
PyTorch code and models for the DINOv2 self-supervised learning method.
nanfei666/External-Attention-pytorch
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
nanfei666/FastPhotoStyle
Style transfer, deep learning, feature transform
nanfei666/GFocal
Generalized Focal Loss: Learning Qualified and Distributed Bounding Boxes for Dense Object Detection
nanfei666/Grad-CAM.pytorch
pytorch实现Grad-CAM和Grad-CAM++,可以可视化任意分类网络的Class Activation Map (CAM)图,包括自定义的网络;同时也实现了目标检测faster r-cnn和retinanet两个网络的CAM图;欢迎试用、关注并反馈问题...
nanfei666/howdoi
Get quick answers to common linux related questions, right inside your terminal by typing "howdoi [your question]".
nanfei666/mae
PyTorch implementation of MAE https//arxiv.org/abs/2111.06377
nanfei666/micronet
micronet, a model compression and deploy lib. compression: 1、quantization: quantization-aware-training(QAT), High-Bit(>2b)(DoReFa/Quantization and Training of Neural Networks for Efficient Integer-Arithmetic-Only Inference)、Low-Bit(≤2b)/Ternary and Binary(TWN/BNN/XNOR-Net); post-training-quantization(PTQ), 8-bit(tensorrt); 2、 pruning: normal、regular and group convolutional channel pruning; 3、 group convolution structure; 4、batch-normalization fuse for quantization. deploy: tensorrt, fp32/fp16/int8(ptq-calibration)、op-adapt(upsample)、dynamic_shape
nanfei666/mmdetection
OpenMMLab Detection Toolbox and Benchmark
nanfei666/models
Models and examples built with TensorFlow
nanfei666/notebooks
Set of Jupyter Notebooks linked to Roboflow blog posts and used in our YouTube videos.
nanfei666/onnx-simplifier
Simplify your onnx model
nanfei666/segment-anything
The repository provides code for running inference with the SegmentAnything Model (SAM), links for downloading the trained model checkpoints, and example notebooks that show how to use the model.
nanfei666/SimpleCVReproduction
:punch: Reproduce simple cv project including attention module, classification, object detection, segmentation, keypoint detection, tracking :smile: etc.
nanfei666/SINet
Camouflaged Object Detection, CVPR 2020 (Oral)
nanfei666/texture-vs-shape
Pre-trained models, data, code & materials from the paper "ImageNet-trained CNNs are biased towards texture; increasing shape bias improves accuracy and robustness" (ICLR 2019 Oral)
nanfei666/TinyBenchmark
Scale Match for Tiny Person Detection(WACV2020), Official link of the dataset
nanfei666/tools
nanfei666/VoTT
Visual Object Tagging Tool: An electron app for building end to end Object Detection Models from Images and Videos.
nanfei666/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.
nanfei666/ymir-executor-fork-1
docker images for training, mining annd infer for ymir
nanfei666/ymir-executor-GLIP
Grounded Language-Image Pre-training
nanfei666/ymir-executor-sdk
sdk for ymir-executor docker image/contiiner
nanfei666/Ymir-YOLOv8
ymir yolov8
nanfei666/YOLOP
You Only Look Once for Panopitic Driving Perception.(https://arxiv.org/abs/2108.11250)
nanfei666/yolov5
YOLOv5 in PyTorch > ONNX > CoreML > iOS
nanfei666/YOLOX
YOLOX is a high-performance anchor-free YOLO. Exceeding yolov3~v5 with ONNX, TensorRT, ncnn, and OpenVINO supported.