Pinned Repositories
-
rcord
100-Days-Of-ML-Code
100-Days-Of-ML-Code中文版
Activation-Maximization-and-convolutional-image-filters
AI-Competition-Collections
AI比赛经验帖子 & 训练和测试技巧帖子 集锦(收集整理各种人工智能比赛经验帖)
AMSoftmax
A simple yet effective loss function for face verification.
annotated_deep_learning_paper_implementations
🧑🏫 59 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
anylabeling
Effortless AI-assisted data labeling with AI support from Segment Anything and YOLO!
attention-module
Official PyTorch code for "BAM: Bottleneck Attention Module (BMVC2018)" and "CBAM: Convolutional Block Attention Module (ECCV2018)"
awesome-lane-detection
A paper list of lane detection.
segModel
Semantic Image Segmentation
onlyNata's Repositories
onlyNata/AI-Competition-Collections
AI比赛经验帖子 & 训练和测试技巧帖子 集锦(收集整理各种人工智能比赛经验帖)
onlyNata/annotated_deep_learning_paper_implementations
🧑🏫 59 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
onlyNata/anylabeling
Effortless AI-assisted data labeling with AI support from Segment Anything and YOLO!
onlyNata/big_dataloader
onlyNata/cmake-examples
Useful CMake Examples
onlyNata/CS-Notes
:books: 技术面试必备基础知识、Leetcode、计算机操作系统、计算机网络、系统设计、Java、Python、C++
onlyNata/CVPR21-Deep-Lucas-Kanade-Homography
A generic pipeline to align multimodal image pairs from different sensors by extending Lucas-Kanade on feature maps. CVPR2021
onlyNata/d2l-en
Interactive deep learning book with code, math, and discussions. Available in multi-frameworks.
onlyNata/Deep-homography-estimation-pytorch
PyTorch implementation of Deep Homography Estimation.
onlyNata/Face-Detector-1MB-with-landmark
1M人脸检测模型(含关键点)
onlyNata/FastestDet0
:zap: A newly designed ultra lightweight anchor free target detection algorithm, weight only 250K parameters, reduces the time consumption by 10% compared with yolo-fastest, and the post-processing is simpler
onlyNata/fucking-algorithm
刷算法全靠套路,认准 labuladong 就够了!English version supported! Crack LeetCode, not only how, but also why.
onlyNata/Grounded-Segment-Anything
Marrying Grounding DINO with Segment Anything & Stable Diffusion & Tag2Text & BLIP & Whisper & ChatBot - Automatically Detect , Segment and Generate Anything with Image, Text, and Audio Inputs
onlyNata/imgaug
Image augmentation for machine learning experiments.
onlyNata/LibMTL
A PyTorch Library for Multi-Task Learning
onlyNata/ml-mobileone
This repository contains the official implementation of the research paper, "An Improved One millisecond Mobile Backbone".
onlyNata/Multi-Task-Learning-PyTorch
PyTorch implementation of multi-task learning architectures, incl. MTI-Net (ECCV2020).
onlyNata/nutonomy_pointpillars
Convert pointpillars Pytorch Model To ONNX for TensorRT Inference
onlyNata/PathPlanning
Common used path planning algorithms with animations.
onlyNata/pytorch-auto-drive
PytorchAutoDrive: Segmentation models (ERFNet, ENet, DeepLab, FCN...) and Lane detection models (SCNN, RESA, LSTR, LaneATT, BézierLaneNet...) based on PyTorch with fast training, visualization, benchmarking & deployment help
onlyNata/Pytorch_Retinaface
Retinaface get 80.99% in widerface hard val using mobilenet0.25.
onlyNata/RepDistiller
[ICLR 2020] Contrastive Representation Distillation (CRD), and benchmark of recent knowledge distillation methods
onlyNata/SimpleAICV_pytorch_training_examples
SimpleAICV:pytorch training and testing examples.
onlyNata/SSD-Knowledge-Distillation
A PyTorch Implementation of Knowledge Distillation on SSD
onlyNata/SuperPoint-Pytorch
Pytorch Implementation of rpautrat/SuperPoint
onlyNata/SuperPoint_SLAM
SuperPoint + ORB_SLAM2
onlyNata/tensorRT_Pro
C++ library based on tensorrt integration
onlyNata/torch-template-for-deep-learning
Pytorch Implementations of large number classical backbone CNNs, data enhancement, torch loss, attention, visualization and some common algorithms.
onlyNata/w3-goto-world
🍅Git/AWS/Google 镜像 ,SS/SSR/VMESS节点,WireGuard,IPFS, DeepWeb,Capitalism 知识储备库
onlyNata/Yolo-Fastest
:zap: Yolo universal target detection model combined with EfficientNet-lite, the calculation amount is only 230Mflops(0.23Bflops), and the model size is 1.3MB