convnext
There are 84 repositories under convnext topic.
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
open-mmlab/mmdetection
OpenMMLab Detection Toolbox and Benchmark
open-mmlab/mmpretrain
OpenMMLab Pre-training Toolbox and Benchmark
sail-sg/Adan
Adan: Adaptive Nesterov Momentum Algorithm for Faster Optimizing Deep Models
MIC-DKFZ/MedNeXt
[MICCAI 2023] MedNeXt is a fully ConvNeXt architecture for 3D medical image segmentation.
PaddlePaddle/PASSL
PASSL包含 SimCLR,MoCo v1/v2,BYOL,CLIP,PixPro,simsiam, SwAV, BEiT,MAE 等图像自监督算法以及 Vision Transformer,DEiT,Swin Transformer,CvT,T2T-ViT,MLP-Mixer,XCiT,ConvNeXt,PVTv2 等基础视觉算法
mush42/optispeech
A lightweight end-to-end text-to-speech model
dangnh0611/kaggle_rsna_breast_cancer
1st place solution of RSNA Screening Mammography Breast Cancer Detection competition on Kaggle: https://www.kaggle.com/competitions/rsna-breast-cancer-detection
mberkay0/pretrained-backbones-unet
A PyTorch-based Python library with UNet architecture and multiple backbones for Image Semantic Segmentation.
DeepAlchemy/DCIC22_SAR_ship_detection
👁 2022年数字**创新大赛 (DCIC 2022) 卫星应用赛题——海上船舶智能检测第三名解决方案
chengshuxiao/YOLOv5-ODConvNeXt
YOLOv5-ODConvNeXt is an improved version of YOLOv5 for ship detection on drone-captured images.
nmndeep/revisiting-at
[NeurIPS 2023] Code for the paper "Revisiting Adversarial Training for ImageNet: Architectures, Training and Generalization across Threat Models"
Cydia2018/YOLOv5-Light
provide some new architecture, channel pruning and quantization methods for yolov5
muyuuuu/Remote-Sensing-Semantic-Segmentation
超清遥感图像的语义分割,内附类别不平衡损失为何失效
komo135/forex-trading
forex trading with reinforcement learning
pphuc25/face-recognition-convnext
😉 Face Recognition using Convnext model + Flask
mberkay0/ConvNeXt-MaskRCNN
Train torchvision's MaskRCNN model using the ConvNeXt architecture as the backbone network.
affjljoo3581/G2Net-Detecting-Continuous-Gravitational-Waves
🥈12th place solution on G2Net Detecting Continuous Gravitational Waves🥈
zibbini/convnext-v2_tensorflow
Tensorflow implementations of ConvNeXt V1 + V2 models w/ weights, including conversion and evaluation scripts.
AI-Partner-Cool/SimpleClassification
Image Classification Tutorial: ConvNext--> 98.8% on CIFAR10 + 92.4% on CIFAR100; ResNet18 -- 95.6% on CIFAR10 + 79.1% on CIFAR100
alltobebetter/HybridMedNet
医学影像深度学习诊断框架,支持多尺度特征提取、注意力机制和多种现代架构(ResNet/ConvNeXt/Swin),在胸部X光数据集上达到91.67%准确率 / Production-ready medical image diagnosis framework with multi-scale features, attention mechanisms, and modern architectures (ResNet/ConvNeXt/Swin), achieving 91.67% accuracy
quanvuhust/Export-ONNX-float-16
Export pytorch model to ONNX and convert ONNX from float32 to float 16
sayakpaul/keras-convnext-conversion
ConvNeXt conversion code for PT to TF along with evaluation code on ImageNet-1k val.
tuanio/nextformer
PyTorch implementation of "Nextformer: A ConvNeXt Augmented Conformer For End-To-End Speech Recognition"
ahmedbadr97/conv-facenet
using convnext as base model for face recognition
jedlimlx/Muon-Tomography-AI
$\mu$-Net: ConvNeXt-Based U-Nets for Muon Tomography
arawxx/FSDP-Distributed-Training-of-ConvNextV2-on-CIFAR10
A script for training the ConvNextV2 on CIFAR10 dataset using the FSDP technique for a distributed training scheme.
mdnuruzzamanKALLOL/Inceptionnext
InceptionNeXt: When Inception Meets ConvNeXt (CVPR 2024)
Gyanbardhan/PlantDiseaseDetection
Transforming agriculture with AI: Explore our GitHub for advanced plant disease detection. Utilizing top CNN models, we empower farmers with early diagnosis tools. Access notebooks, datasets, and a user-friendly web app. Join us in revolutionizing farming for a sustainable future
IMvision12/ConvNeXt-tf
A Tensorflow Implementation of "A ConvNet for the 2020s" and "ConvNeXt V2: Co-designing and Scaling ConvNets with Masked Autoencoders" (ConvNeXt and ConvNeXtV2)
ahmedgh970/convnext-charm
Official Tensorflow implementation of ConvNeXt-ChARM: ConvNeXt-based Transform for Efficient Neural Image Compression.
h-ssiqueira/SkinLesionAI
Skin cancer detection using CNNs with data analysis.
CoffeeVampir3/easy-aesthetic-predictor
A repository for making an aesthetic prediction model based on the ConvneXt architecture.
shreyansh26/ConvNeXt-Adversarial-Examples
Generating Adversarial examples for ConvNeXt
GBR-RL/SmartSort-CAM
End-to-end industrial part classification system using Blender-generated synthetic data, ConvNeXt, Grad-CAM, and FastAPI — fully containerized with Docker for real-time inference.
Silvestre17/DL_RareSpecies_ImageClassification_MasterProject
🌿 Deep Learning project classifying rare species from images using the BioCLIP dataset. Features transfer learning (ConvNeXtBase), innovative data cleaning with CLIP (zero-shot), and imbalance handling. Developed for the DL course at NOVA IMS.