ElefHead / numpy-cnnLinks
A numpy based CNN implementation for classifying images
☆67Updated 5 years ago
Alternatives and similar repositories for numpy-cnn
Users that are interested in numpy-cnn are comparing it to the libraries listed below
Sorting:
- A numpy-only implementation of a Convolutional Neural Network, from the ground up.☆230Updated 6 years ago
- Summary & Implementation of Deep Learning research paper in Tensorflow/Pytorch.☆39Updated 5 years ago
- An PyTorch implementation AlexNet.Simple, easy to use and efficient☆93Updated 2 years ago
- Deep Learning Library. For education. Based on pure Numpy. Support CNN, RNN, LSTM, GRU etc.☆238Updated 4 years ago
- ☆35Updated 5 years ago
- Google Street View House Number(SVHN) Dataset, and classifying them through CNN☆63Updated 7 years ago
- ZFNet (or ZF-Net) implementation by Tensorflow.☆26Updated 7 years ago
- A scratch implementation of Convolutional Neural Network in Python using only numpy and validated over CIFAR-10 & MNIST Dataset☆277Updated last year
- Unofficial Pytorch implementation of Deep Compression in CIFAR10☆35Updated 4 years ago
- Yolov3 (+tiny) pythonic pytorch implementation.☆34Updated 7 years ago
- A tensorflow2.0 implementation of the YOLOv1 paper https://arxiv.org/pdf/1506.02640☆44Updated 4 years ago
- PyTorch model training template☆24Updated 5 years ago
- Compress neural network with pruning and quantization using TensorFlow.☆106Updated 6 years ago
- Code for training Keras ImageNet (ILSVRC2012) image classification models from scratch☆71Updated 3 years ago
- ☆29Updated 7 years ago
- MNIST digit classification with scikit-learn and Support Vector Machine (SVM) algorithm.☆281Updated 6 years ago
- 4 different image classification ConvNets models for Fashion-MNIST dataset☆99Updated 3 years ago
- Pytorch Imagenet Models Example + Transfer Learning (and fine-tuning)☆161Updated 8 years ago
- Code to accompany my upcoming book "Deep learning with PyTorch Book " from Packt☆91Updated 6 years ago
- Implementing YOLO using ResNet as the feature extraction network☆122Updated 6 years ago
- A Numpy implementation of a Convolutional Neural Network: slow & fast (im2col/col2im).☆58Updated 2 years ago
- A FasterRCNN Tutorial in Tensorflow☆67Updated 5 years ago
- image classification with CIFAR10 dataset w/ Tensorflow☆143Updated 2 years ago
- 2D Convolution using NumPy☆17Updated 3 years ago
- High-acc(>0.7) model(ResNet, ResNeXt, DenseNet, SENet, SE-ResNeXt) on TensorFlow.☆125Updated 6 years ago
- A Convolutional Neural Network implemented from scratch (using only numpy) in Python.☆346Updated last year
- Transfer Learning with EfficientNet in Keras☆88Updated 2 years ago
- YOLOv3 in PyTorch with training and inference module implemented.☆118Updated 6 years ago
- Object localization in images using simple CNNs and Keras☆137Updated 6 years ago
- A Pytorch implementation of Neural Network Compression (pruning, deep compression, channel pruning)☆157Updated last year