All Projects → Tensor46 → TensorMONK

Tensor46 / TensorMONK

Licence: MIT license
A collection of deep learning models (PyTorch implemtation)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to TensorMONK

Segmentation models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
Stars: ✭ 3,575 (+16923.81%)
Mutual labels:  densenet, resnet, unet, efficientnet
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
pyro-vision
Computer vision library for wildfire detection
Stars: ✭ 33 (+57.14%)
Mutual labels:  densenet, resnet, mobilenetv2
Tensornets
High level network definitions with pre-trained weights in TensorFlow
Stars: ✭ 982 (+4576.19%)
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
Tianchi Medical Lungtumordetect
天池医疗AI大赛[第一季]:肺部结节智能诊断 UNet/VGG/Inception/ResNet/DenseNet
Stars: ✭ 314 (+1395.24%)
Mutual labels:  densenet, resnet, unet
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
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
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (+685.71%)
Mutual labels:  densenet, resnet
gluon2pytorch
Gluon to PyTorch deep neural network model converter
Stars: ✭ 72 (+242.86%)
Mutual labels:  densenet, resnet
Chainer Cifar10
Various CNN models for CIFAR10 with Chainer
Stars: ✭ 134 (+538.1%)
Mutual labels:  densenet, resnet
MobileNet-SSD-windows
No description or website provided.
Stars: ✭ 91 (+333.33%)
Mutual labels:  mobilenet-ssd, mobilenetv2
Numpy Ml
Machine learning, in numpy
Stars: ✭ 11,100 (+52757.14%)
Mutual labels:  vae, resnet
Imagenet
Pytorch Imagenet Models Example + Transfer Learning (and fine-tuning)
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
Pytorch Speech Commands
Speech commands recognition with PyTorch
Stars: ✭ 128 (+509.52%)
Mutual labels:  densenet, resnet
MobileNetV3-SSD-Compact-Version
MobileNetV3 SSD的简洁版本
Stars: ✭ 65 (+209.52%)
Mutual labels:  ssd-mobilenet, mobilenet-ssd
LibtorchTutorials
This is a code repository for pytorch c++ (or libtorch) tutorial.
Stars: ✭ 463 (+2104.76%)
Mutual labels:  resnet, unet
MobilePose
Light-weight Single Person Pose Estimator
Stars: ✭ 588 (+2700%)
Mutual labels:  shufflenet, mobilenetv2

TensorMONK

A collection of deep learning architectures (a PyTorch implementation).

Dependencies

  • python >= 3.6
  • PyTorch > 1.3
  • torchvision
  • visdom

Training models on 2012 ImageNet recognition task

If you have more nvidia cards & cores available, adjust the batch size (BSZ), number of GPUs (gpus), & number of threads (cpus) accordingly in the ./ImageNet.sh. Next, select an available architecture and update your train & validation folder location (trainDataPath and testDataPath). Finally, run ./ImageNet.sh.

Training CapsuleNet on MNIST

To replicate Hinton's paper on MNIST, run the following:

python Capsule.py -A capsule -B 256 -E 500 --optimizer adam --gpus 2 --cpus 6 --trainDataPath ./data --testDataPath ./data --replicate_paper

Ignore the replicate_paper argument to create a deep architecture (with few residual blocks before primary capsule). You can essentially add any block available in NeuralLayers to create a deeper architecture, which is followed by a primary capsule and secondary capsule. However, do consider two things 1. if you do reconstruction, update the reconstruction network relative to tensor_size, 2. capsule nets do require a good amount of gpu ram.

Generative Adversarial Networks

Progressive Growing of GANs

Trained on CIFAR10 (pggan-cifar10.py) -- requires more training (more gpus)!

Generator at 4x4 Generator at 8x8 Generator at 16x16 Generator at 32x32

References

Activation Functions

Classification

Generative Models

Image Recognition Models

Image Segmentation Models

Local Features

Loss Functions

Object Detection Models

Optimizer

Regularizations

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].