Pinned Repositories
ACCV_TinyGAN
BigGAN; Knowledge Distillation; Black-Box; Fast Training; 16x compression
addons
Useful extra functionality for TensorFlow 2.x maintained by SIG-addons
aic2coco
convert ai city challenge dataset to COCO format
ALDA
Code for "Adversarial-Learned Loss for Domain Adaptation"(AAAI2020) in PyTorch.
algo
数据结构和算法必知必会的50个代码实现
Anomaly-Detection-PatchSVDD-PyTorch
anomaly-detection-resources
Anomaly detection related books, papers, videos, and toolboxes
apex
A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch
fitlog
fitlog是一款在深度学习训练中用于辅助用户记录日志和管理代码的工具
Prototypical-Networks-for-Few-shot-Learning-PyTorch
Implementation of Prototypical Networks for Few Shot Learning (https://arxiv.org/abs/1703.05175) in Pytorch
hnqin-xdu's Repositories
hnqin-xdu/Prototypical-Networks-for-Few-shot-Learning-PyTorch
Implementation of Prototypical Networks for Few Shot Learning (https://arxiv.org/abs/1703.05175) in Pytorch
hnqin-xdu/addons
Useful extra functionality for TensorFlow 2.x maintained by SIG-addons
hnqin-xdu/ALDA
Code for "Adversarial-Learned Loss for Domain Adaptation"(AAAI2020) in PyTorch.
hnqin-xdu/apex
A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch
hnqin-xdu/BCNet
Deep Occlusion-Aware Instance Segmentation with Overlapping BiLayers [CVPR 2021]
hnqin-xdu/BLTSC
This project provides an implementation for "Background Learning Based on Target Suppression Constraint for Hyperspectral Target Detection"
hnqin-xdu/CLAN
( CVPR2019 Oral ) Taking A Closer Look at Domain Shift: Category-level Adversaries for Semantics Consistent Domain Adaptation
hnqin-xdu/ColossalAI
Colossal-AI: A Unified Deep Learning System for Large-Scale Parallel Training
hnqin-xdu/CVPR-2021-Papers
hnqin-xdu/CVPR2021-Paper-Code-Interpretation
cvpr2021/cvpr2020/cvpr2019/cvpr2018/cvpr2017 论文/代码/解读/直播合集,极市团队整理
hnqin-xdu/DeepSpeed
DeepSpeed is a deep learning optimization library that makes distributed training easy, efficient, and effective.
hnqin-xdu/domain-adaptation-capls
Unsupervised Domain Adaptation via Structured Prediction Based Selective Pseudo-Labeling
hnqin-xdu/dvit_repo
hnqin-xdu/External-Attention-pytorch
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
hnqin-xdu/FcaNet
FcaNet: Frequency Channel Attention Networks
hnqin-xdu/few-shot-object-detection
Implementations of few-shot object detection benchmarks
hnqin-xdu/IEEE_TGRS_GCN
Danfeng Hong, Lianru Gao, Jing Yao, Bing Zhang, Antonio Plaza, Jocelyn Chanussot. Graph Convolutional Networks for Hyperspectral Image Classification, IEEE TGRS, 2020.
hnqin-xdu/image-to-recipe-transformers
Code for CVPR 2021 paper: Revamping Cross-Modal Recipe Retrieval with Hierarchical Transformers and Self-supervised Learning
hnqin-xdu/MNAD
An official implementation of "Learning Memory-guided Normality for Anomaly Detection" (CVPR 2020) in PyTorch.
hnqin-xdu/nteract
📘 The interactive computing suite for you! ✨
hnqin-xdu/OWOD
(CVPR 2021 Oral) Open World Object Detection
hnqin-xdu/PiCIE
PiCIE: Unsupervised Semantic Segmentation using Invariance and Equivariance in clustering (CVPR2021)
hnqin-xdu/prototypical-networks
Code for the NeurIPS 2017 Paper "Prototypical Networks for Few-shot Learning"
hnqin-xdu/PyTorch-StudioGAN
StudioGAN is a Pytorch library providing implementations of representative Generative Adversarial Networks (GANs) for conditional/unconditional image generation.
hnqin-xdu/SG-Net
hnqin-xdu/tensorflow
An Open Source Machine Learning Framework for Everyone
hnqin-xdu/Transformer-Explainability
[CVPR 2021] Official PyTorch implementation for Transformer Interpretability Beyond Attention Visualization, a novel method to visualize classifications by Transformer based networks.
hnqin-xdu/up-detr
[CVPR2021 Oral] UP-DETR: Unsupervised Pre-training for Object Detection with Transformers
hnqin-xdu/vision_transformer
hnqin-xdu/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch