Pinned Repositories
AIIntern2019
AIIntern2019
Batch-Normalization-fusion
Batch Normalization Auto-fusion for PyTorch
Conv2d
Exchange2ONNX
Convert common model files to onnx format
Latest-LightWeight-Neural-Network-survey
lightweight backbone for mobile embedding devices
mAP-calculate
How to calculate the mAP of your multi-object detection algorithm
matrix_addition
Obstacle-Avoidance-in-AirSim
A simple Reinforcement Learning Demo for Obstacle Avoidance of using Microsoft AirSim
XJTU-Tripler
This repository is the backup of XJTU-Tripler project, participating dac19 system design contest
YOLOv3-quantization-model-v1.0
YOLOv3 quantization model v10, only for quantization off-line
Ironteen's Repositories
Ironteen/aimet
AIMET is a library that provides advanced quantization and compression techniques for trained neural network models.
Ironteen/Awesome-Vision-Attentions
Summary of related papers on visual attention. Related code will be released based on Jittor gradually.
Ironteen/BasicSR
Open Source Image and Video Restoration Toolbox for Super-resolution, Denoise, Deblurring, etc. Currently, it includes EDSR, RCAN, SRResNet, SRGAN, ESRGAN, EDVR, BasicVSR, SwinIR, ECBSR, etc. Also support StyleGAN2, DFDNet.
Ironteen/Beta-DARTS
official implementation of β-DARTS: Beta-Decay Regularization for Differentiable Architecture Search (CVPR22 oral).
Ironteen/ChatPaper
Use ChatGPT to summarize the arXiv papers. 全流程加速科研,利用chatgpt进行论文总结+润色+审稿+审稿回复
Ironteen/cuda-neural-network
Convolutional Neural Network with CUDA (MNIST 99.23%)
Ironteen/Efficient-Computing
Efficient-Computing
Ironteen/EfficientFormer
Ironteen/ELAN
[ECCV2022] Efficient Long-Range Attention Network for Image Super-resolution
Ironteen/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
Ironteen/ffcv
FFCV: Fast Forward Computer Vision (and other ML workloads!)
Ironteen/larq
An Open-Source Library for Training Binarized Neural Networks
Ironteen/ml-cvnets
CVNets: A library for training computer vision networks
Ironteen/mmdetection-distiller
This is a knowledge distillation toolbox based on mmdetection.
Ironteen/mmrazor
OpenMMLab Model Compression Toolbox and Benchmark.
Ironteen/MPRNet
[CVPR 2021] Multi-Stage Progressive Image Restoration. SOTA results for Image deblurring, deraining, and denoising.
Ironteen/MQBench-1
Model Quantization Benchmark
Ironteen/PSAQ-ViT
[ECCV 2022] Patch Similarity Aware Data-Free Quantization for Vision Transformers
Ironteen/pycls
Codebase for Image Classification Research, written in PyTorch.
Ironteen/pytorch-grad-cam
Many Class Activation Map methods implemented in Pytorch for CNNs and Vision Transformers. Examples for classification, object detection, segmentation, embedding networks and more. Including Grad-CAM, Grad-CAM++, Score-CAM, Ablation-CAM and XGrad-CAM
Ironteen/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
Ironteen/pytorch-OpCounter
Count the MACs / FLOPs of your PyTorch model.
Ironteen/RepDistiller
[ICLR 2020] Contrastive Representation Distillation (CRD), and benchmark of recent knowledge distillation methods
Ironteen/sam
SAM: Sharpness-Aware Minimization (PyTorch)
Ironteen/SkyNet
Ironteen/ssd.pytorch
A PyTorch Implementation of Single Shot MultiBox Detector
Ironteen/TENAS
[ICLR 2021] "Neural Architecture Search on ImageNet in Four GPU Hours: A Theoretically Inspired Perspective" by Wuyang Chen, Xinyu Gong, Zhangyang Wang
Ironteen/toolkit
Ironteen/vision-transformers-cifar10
Let's train vision transformers (ViT) for cifar 10!
Ironteen/zoo
Reference implementations of popular Binarized Neural Networks