All Projects → TensorMONK → Similar Projects or Alternatives

531 Open source projects that are alternatives of or similar to TensorMONK

Pytorch Cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
Stars: ✭ 2,423 (+11438.1%)
Mutual labels:  densenet, resnet, inceptionv4, shufflenet
Segmentation models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
Stars: ✭ 3,575 (+16923.81%)
Mutual labels:  densenet, resnet, unet, efficientnet
Tensornets
High level network definitions with pre-trained weights in TensorFlow
Stars: ✭ 982 (+4576.19%)
Mutual labels:  densenet, resnet, mobilenetv2
Tianchi Medical Lungtumordetect
天池医疗AI大赛[第一季]:肺部结节智能诊断 UNet/VGG/Inception/ResNet/DenseNet
Stars: ✭ 314 (+1395.24%)
Mutual labels:  densenet, resnet, unet
pyro-vision
Computer vision library for wildfire detection
Stars: ✭ 33 (+57.14%)
Mutual labels:  densenet, resnet, mobilenetv2
flexible-yolov5
More readable and flexible yolov5 with more backbone(resnet, shufflenet, moblienet, efficientnet, hrnet, swin-transformer) and (cbam,dcn and so on), and tensorrt
Stars: ✭ 282 (+1242.86%)
Mutual labels:  resnet, shufflenet, efficientnet
Medicalzoopytorch
A pytorch-based deep learning framework for multi-modal 2D/3D medical image segmentation
Stars: ✭ 546 (+2500%)
Mutual labels:  densenet, resnet, unet
awesome-computer-vision-models
A list of popular deep learning models related to classification, segmentation and detection problems
Stars: ✭ 419 (+1895.24%)
Mutual labels:  densenet, resnet, efficientnet
Depth estimation
Deep learning model to estimate the depth of image.
Stars: ✭ 62 (+195.24%)
Mutual labels:  unet, mobilenetv2
Deeplabv3plus Pytorch
DeepLabv3, DeepLabv3+ and pretrained weights on VOC & Cityscapes
Stars: ✭ 337 (+1504.76%)
Mutual labels:  resnet, mobilenetv2
gluon2pytorch
Gluon to PyTorch deep neural network model converter
Stars: ✭ 72 (+242.86%)
Mutual labels:  densenet, resnet
Ensemble-of-Multi-Scale-CNN-for-Dermatoscopy-Classification
Fully supervised binary classification of skin lesions from dermatoscopic images using an ensemble of diverse CNN architectures (EfficientNet-B6, Inception-V3, SEResNeXt-101, SENet-154, DenseNet-169) with multi-scale input.
Stars: ✭ 25 (+19.05%)
Mutual labels:  densenet, efficientnet
LightNet
LightNet: Light-weight Networks for Semantic Image Segmentation (Cityscapes and Mapillary Vistas Dataset)
Stars: ✭ 710 (+3280.95%)
Mutual labels:  shufflenet, mobilenetv2
DE resnet unet hyb
Depth estimation from RGB images using fully convolutional neural networks.
Stars: ✭ 40 (+90.48%)
Mutual labels:  resnet, unet
ResUNetPlusPlus
Official code for ResUNetplusplus for medical image segmentation (TensorFlow implementation) (IEEE ISM)
Stars: ✭ 69 (+228.57%)
Mutual labels:  unet, squeeze-and-excitation
Ai papers
AI Papers
Stars: ✭ 253 (+1104.76%)
Mutual labels:  resnet, unet
Pytorch Deeplab Xception
DeepLab v3+ model in PyTorch. Support different backbones.
Stars: ✭ 2,466 (+11642.86%)
Mutual labels:  resnet, mobilenetv2
pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 788 (+3652.38%)
Mutual labels:  densenet, resnet
Generative-Model
Repository for implementation of generative models with Tensorflow 1.x
Stars: ✭ 66 (+214.29%)
Mutual labels:  vae, pggan
Awesome Very Deep Learning
♾A curated list of papers and code about very deep neural networks
Stars: ✭ 435 (+1971.43%)
Mutual labels:  densenet, resnet
Segmentationcpp
A c++ trainable semantic segmentation library based on libtorch (pytorch c++). Backbone: ResNet, ResNext. Architecture: FPN, U-Net, PAN, LinkNet, PSPNet, DeepLab-V3, DeepLab-V3+ by now.
Stars: ✭ 49 (+133.33%)
Mutual labels:  resnet, unet
Basic cnns tensorflow2
A tensorflow2 implementation of some basic CNNs(MobileNetV1/V2/V3, EfficientNet, ResNeXt, InceptionV4, InceptionResNetV1/V2, SENet, SqueezeNet, DenseNet, ShuffleNetV2, ResNet).
Stars: ✭ 374 (+1680.95%)
Mutual labels:  densenet, resnet
efficientnet-jax
EfficientNet, MobileNetV3, MobileNetV2, MixNet, etc in JAX w/ Flax Linen and Objax
Stars: ✭ 114 (+442.86%)
Mutual labels:  mobilenetv2, efficientnet
python cv AI ML
用python做计算机视觉,人工智能,机器学习,深度学习等
Stars: ✭ 73 (+247.62%)
Mutual labels:  densenet, resnet
Keras Idiomatic Programmer
Books, Presentations, Workshops, Notebook Labs, and Model Zoo for Software Engineers and Data Scientists wanting to learn the TF.Keras Machine Learning framework
Stars: ✭ 720 (+3328.57%)
Mutual labels:  densenet, resnet
Classification models
Classification models trained on ImageNet. Keras.
Stars: ✭ 938 (+4366.67%)
Mutual labels:  densenet, resnet
Chainer Cifar10
Various CNN models for CIFAR10 with Chainer
Stars: ✭ 134 (+538.1%)
Mutual labels:  densenet, resnet
EfficientUNetPlusPlus
Decoder architecture based on the UNet++. Combining residual bottlenecks with depthwise convolutions and attention mechanisms, it outperforms the UNet++ in a coronary artery segmentation task, while being significantly more computationally efficient.
Stars: ✭ 37 (+76.19%)
Mutual labels:  unet, efficientnet
Nanodet
⚡Super fast and lightweight anchor-free object detection model. 🔥Only 980 KB(int8) / 1.8MB (fp16) and run 97FPS on cellphone🔥
Stars: ✭ 3,640 (+17233.33%)
Mutual labels:  shufflenet, efficientnet
Pytorch Asr
ASR with PyTorch
Stars: ✭ 124 (+490.48%)
Mutual labels:  densenet, resnet
RMNet
RM Operation can equivalently convert ResNet to VGG, which is better for pruning; and can help RepVGG perform better when the depth is large.
Stars: ✭ 129 (+514.29%)
Mutual labels:  resnet, mobilenetv2
Tensorflow model slim classify
Train/Eval the popular network by TF-Slim,include mobilenet/shufflenet/squeezenet/resnet/inception/vgg/alexnet
Stars: ✭ 41 (+95.24%)
Mutual labels:  densenet, mobilenetv2
Imagenet
This implements training of popular model architectures, such as AlexNet, ResNet and VGG on the ImageNet dataset(Now we supported alexnet, vgg, resnet, squeezenet, densenet)
Stars: ✭ 126 (+500%)
Mutual labels:  densenet, resnet
MobilePose
Light-weight Single Person Pose Estimator
Stars: ✭ 588 (+2700%)
Mutual labels:  shufflenet, mobilenetv2
Advanced Models
여러가지 유명한 신경망 모델들을 제공합니다. (DCGAN, VAE, Resnet 등등)
Stars: ✭ 48 (+128.57%)
Mutual labels:  vae, sagan
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (+685.71%)
Mutual labels:  densenet, resnet
Tensorrtx
Implementation of popular deep learning networks with TensorRT network definition API
Stars: ✭ 3,456 (+16357.14%)
Mutual labels:  resnet, mobilenetv2
Paddlex
PaddlePaddle End-to-End Development Toolkit(『飞桨』深度学习全流程开发工具)
Stars: ✭ 3,399 (+16085.71%)
Mutual labels:  resnet, unet
cifar-tensorflow
No description or website provided.
Stars: ✭ 18 (-14.29%)
Mutual labels:  densenet, resnet
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
Stars: ✭ 15,232 (+72433.33%)
Mutual labels:  resnet, efficientnet
Awesome Computer Vision Models
A list of popular deep learning models related to classification, segmentation and detection problems
Stars: ✭ 278 (+1223.81%)
Mutual labels:  densenet, resnet
Numpy Ml
Machine learning, in numpy
Stars: ✭ 11,100 (+52757.14%)
Mutual labels:  vae, resnet
Pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 676 (+3119.05%)
Mutual labels:  densenet, resnet
Cifar Zoo
PyTorch implementation of CNNs for CIFAR benchmark
Stars: ✭ 584 (+2680.95%)
Mutual labels:  densenet, resnet
MobileNetV3-SSD-Compact-Version
MobileNetV3 SSD的简洁版本
Stars: ✭ 65 (+209.52%)
Mutual labels:  ssd-mobilenet, mobilenet-ssd
MobileNet-SSD-windows
No description or website provided.
Stars: ✭ 91 (+333.33%)
Mutual labels:  mobilenet-ssd, mobilenetv2
Pytorch Classification
Classification with PyTorch.
Stars: ✭ 1,268 (+5938.1%)
Mutual labels:  densenet, resnet
Gluon2pytorch
Gluon to PyTorch deep neural network model converter
Stars: ✭ 70 (+233.33%)
Mutual labels:  densenet, resnet
Pytorch Speech Commands
Speech commands recognition with PyTorch
Stars: ✭ 128 (+509.52%)
Mutual labels:  densenet, resnet
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (+1780.95%)
Mutual labels:  densenet, resnet
Imagenet
Pytorch Imagenet Models Example + Transfer Learning (and fine-tuning)
Stars: ✭ 134 (+538.1%)
Mutual labels:  densenet, resnet
LibtorchTutorials
This is a code repository for pytorch c++ (or libtorch) tutorial.
Stars: ✭ 463 (+2104.76%)
Mutual labels:  resnet, unet
SAN
[ECCV 2020] Scale Adaptive Network: Learning to Learn Parameterized Classification Networks for Scalable Input Images
Stars: ✭ 41 (+95.24%)
Mutual labels:  resnet, mobilenetv2
face-mask-detection-tf2
A face mask detection using ssd with simplified Mobilenet and RFB or Pelee in Tensorflow 2.1. Training on your own dataset. Can be converted to kmodel and run on the edge device of k210
Stars: ✭ 72 (+242.86%)
Mutual labels:  ssd-mobilenet
Kapsul-Aglari-ile-Isaret-Dili-Tanima
Recognition of Sign Language using Capsule Networks
Stars: ✭ 42 (+100%)
Mutual labels:  capsule-networks
Brainy
Brainy is a virtual MRI analyzer. Just upload the MRI scan file and get 3 different classes of tumors detected and segmented. In Beta.
Stars: ✭ 29 (+38.1%)
Mutual labels:  unet
Water-classifier-fastai
Deploy your Flask web app classifier on Heroku which is written using fastai library.
Stars: ✭ 37 (+76.19%)
Mutual labels:  resnet
vehicle recognition
一种运用resnet进行车型识别的方法,
Stars: ✭ 32 (+52.38%)
Mutual labels:  resnet
VAENAR-TTS
PyTorch Implementation of VAENAR-TTS: Variational Auto-Encoder based Non-AutoRegressive Text-to-Speech Synthesis.
Stars: ✭ 66 (+214.29%)
Mutual labels:  vae
segmentation-enhanced-resunet
Urban building extraction in Daejeon region using Modified Residual U-Net (Modified ResUnet) and applying post-processing.
Stars: ✭ 34 (+61.9%)
Mutual labels:  unet
1-60 of 531 similar projects