resnet

Open-source projects categorized as resnet

Top 23 resnet Open-Source Projects

  • pytorch-image-models

    PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNet-V3/V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more

  • Project mention: FLaNK AI Weekly 18 March 2024 | dev.to | 2024-03-18
  • tensorrtx

    Implementation of popular deep learning networks with TensorRT network definition API

  • InfluxDB

    Power Real-Time Data Analytics at Scale. Get real-time insights from all types of time series data with InfluxDB. Ingest, query, and analyze billions of data points in real-time with unbounded cardinality.

    InfluxDB logo
  • segmentation_models

    Segmentation models with pretrained backbones. Keras and TensorFlow Keras.

  • Project mention: Instance segmentation of small objects in grainy drone imagery | /r/computervision | 2023-12-09

    Also, Iā€™d suggest considering switching to the segmentation-models library - it provides U-Net models with a variety of pretrained backbones of as encoders. The author also put out a PyTorch version. https://github.com/qubvel/segmentation_models.pytorch https://github.com/qubvel/segmentation_models

  • facenet-pytorch

    Pretrained Pytorch face detection (MTCNN) and facial recognition (InceptionResnet) models

  • Project mention: [D] Fast face recognition over video | /r/MachineLearning | 2023-04-22

    Hijacking this comment because i've been working nonstop on my project thanks to your suggestion. I'm now using this https://github.com/derronqi/yolov8-face for face detection and still the old face_recognition for encodings. I'm clustering with dbscan and extracting frames with ffmpeg with -hwaccel on. I'm planning to try this: https://github.com/timesler/facenet-pytorch as it looks like it would be the fastest thing avaiable to process videos? Keep in mind i need to perform encoding other than just detection because i want to use DBscan (and later also facial recognition, but this might be done separately just by saving the encodings). let me know if you have any other suggestions, and thanks again for your help

  • Tools-to-Design-or-Visualize-Architecture-of-Neural-Network

    Tools to Design or Visualize Architecture of Neural Network

  • Project mention: Programs to create model architectures schemes | /r/learnmachinelearning | 2023-05-31

    I can recommend this repo it offers a lot of visualization methods for neural networks.

  • mmpretrain

    OpenMMLab Pre-training Toolbox and Benchmark

  • X-AnyLabeling

    Effortless data labeling with AI support from Segment Anything and other awesome models.

  • Project mention: X-AnyLabeling: Effortless Data Labeling with AI, Segment Anything and Others | news.ycombinator.com | 2024-03-19
  • WorkOS

    The modern identity platform for B2B SaaS. The APIs are flexible and easy-to-use, supporting authentication, user identity, and complex enterprise features like SSO and SCIM provisioning.

    WorkOS logo
  • pytorch_resnet_cifar10

    Proper implementation of ResNet-s for CIFAR10/100 in pytorch that matches description of the original paper.

  • pytorch-image-classification

    Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.

  • pytorch2keras

    PyTorch to Keras model convertor

  • Project mention: Help Needed: Converting PlantNet-300k Pretrained Model Weights from Tar to h5 Format Help | /r/learnpython | 2023-06-09

    It's almost certainly a pickled pytorch model so you will first need to load it using pytorch and then write it out to h5 (legacy keras format) with https://github.com/gmalivenko/pytorch2keras.

  • Adan

    Adan: Adaptive Nesterov Momentum Algorithm for Faster Optimizing Deep Models

  • LibtorchTutorials

    This is a code repository for pytorch c++ (or libtorch) tutorial.

  • Real-time-GesRec

    Real-time Hand Gesture Recognition with PyTorch on EgoGesture, NvGesture, Jester, Kinetics and UCF101

  • DeepFake-Detection

    Towards deepfake detection that actually works (by dessa-oss)

  • maxvit

    [ECCV 2022] Official repository for "MaxViT: Multi-Axis Vision Transformer". SOTA foundation models for classification, detection, segmentation, image quality, and generative modeling...

  • SegmentationCpp

    A c++ trainable semantic segmentation library based on libtorch (pytorch c++). Backbone: VGG, ResNet, ResNext. Architecture: FPN, U-Net, PAN, LinkNet, PSPNet, DeepLab-V3, DeepLab-V3+ by now.

  • iSeeBetter

    iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press

  • flaxmodels

    Pretrained deep learning models for Jax/Flax: StyleGAN2, GPT2, VGG, ResNet, etc.

  • jax-resnet

    Implementations and checkpoints for ResNet, Wide ResNet, ResNeXt, ResNet-D, and ResNeSt in JAX (Flax).

  • SPOT-RNA

    RNA Secondary Structure Prediction using an Ensemble of Two-dimensional Deep Neural Networks and Transfer Learning.

  • Project mention: Can I get dot-bracket notation from a .bpseq file? | /r/bioinformatics | 2023-07-02

    Hello. I'm playing around with the tool SPOT-RNA which generates `.bpseq`, `.ct`, and `.prob` files when given a `.fasta` file. Optionally, I can pass the tool `--plots True` to generate image files of the secondary structure, but I actually just want a text version of the secondary structure in dot-bracket notation. Is there a way to derive this format from one of the output files? I'm pretty new to biology (my background is software engineering and CS) so if there's something obvious, it's over my head.

  • Gradient-Samples

    Samples for TensorFlow binding for .NET by Lost Tech

  • strv-ml-mask2face

    Virtually remove a face mask to see what a person looks like underneath

  • ModelZoo.pytorch

    Hands on Imagenet training. Unofficial ModelZoo project on Pytorch. MobileNetV3 Top1 75.64šŸŒŸ GhostNet1.3x 75.78šŸŒŸ

  • SaaSHub

    SaaSHub - Software Alternatives and Reviews. SaaSHub helps you find the best software and product alternatives

    SaaSHub logo
NOTE: The open source projects on this list are ordered by number of github stars. The number of mentions indicates repo mentiontions in the last 12 Months or since we started tracking (Dec 2020).

resnet related posts

Index

What are some of the best open-source resnet projects? This list will help you:

Project Stars
1 pytorch-image-models 29,751
2 tensorrtx 6,556
3 segmentation_models 4,602
4 facenet-pytorch 4,144
5 Tools-to-Design-or-Visualize-Architecture-of-Neural-Network 4,038
6 mmpretrain 3,156
7 X-AnyLabeling 2,416
8 pytorch_resnet_cifar10 1,133
9 pytorch-image-classification 899
10 pytorch2keras 846
11 Adan 726
12 LibtorchTutorials 639
13 Real-time-GesRec 590
14 DeepFake-Detection 464
15 maxvit 418
16 SegmentationCpp 402
17 iSeeBetter 348
18 flaxmodels 222
19 jax-resnet 98
20 SPOT-RNA 86
21 Gradient-Samples 61
22 strv-ml-mask2face 52
23 ModelZoo.pytorch 48

Sponsored
SaaSHub - Software Alternatives and Reviews
SaaSHub helps you find the best software and product alternatives
www.saashub.com