All Projects → Cat Dog Cnn Classifier → Similar Projects or Alternatives

6273 Open source projects that are alternatives of or similar to Cat Dog Cnn Classifier

Pytorch Question Answering
Important paper implementations for Question Answering using PyTorch
Stars: ✭ 154 (+710.53%)
Triplet Attention
Official PyTorch Implementation for "Rotate to Attend: Convolutional Triplet Attention Module." [WACV 2021]
Stars: ✭ 222 (+1068.42%)
Style transfer
CNN image style transfer 🎨.
Stars: ✭ 210 (+1005.26%)
Tensorflow realtime multi Person pose estimation
Multi-Person Pose Estimation project for Tensorflow 2.0 with a small and fast model based on MobilenetV3
Stars: ✭ 129 (+578.95%)
Human Activity Recognition Using Cnn
Convolutional Neural Network for Human Activity Recognition in Tensorflow
Stars: ✭ 382 (+1910.53%)
Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (+642.11%)
Pytorch Vae
A CNN Variational Autoencoder (CNN-VAE) implemented in PyTorch
Stars: ✭ 181 (+852.63%)
Coursera Deep Learning Specialization
Notes, programming assignments and quizzes from all courses within the Coursera Deep Learning specialization offered by deeplearning.ai: (i) Neural Networks and Deep Learning; (ii) Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization; (iii) Structuring Machine Learning Projects; (iv) Convolutional Neural Networks; (v) Sequence Models
Stars: ✭ 188 (+889.47%)
Youtube Code Repository
Repository for most of the code from my YouTube channel
Stars: ✭ 317 (+1568.42%)
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+1831.58%)
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (+531.58%)
Tensorflow 101
TensorFlow 101: Introduction to Deep Learning for Python Within TensorFlow
Stars: ✭ 642 (+3278.95%)
Pytorch Dc Tts
Text to Speech with PyTorch (English and Mongolian)
Stars: ✭ 122 (+542.11%)
Practical Machine Learning With Python
Master the essential skills needed to recognize and solve complex real-world problems with Machine Learning and Deep Learning by leveraging the highly popular Python Machine Learning Eco-system.
Stars: ✭ 1,868 (+9731.58%)
Reproduce Chexnet
Reproduce CheXNet
Stars: ✭ 136 (+615.79%)
A Journey Into Convolutional Neural Network Visualization
A journey into Convolutional Neural Network visualization
Stars: ✭ 165 (+768.42%)
Capsnet Traffic Sign Classifier
A Tensorflow implementation of CapsNet(Capsules Net) apply on german traffic sign dataset
Stars: ✭ 166 (+773.68%)
Image To 3d Bbox
Build a CNN network to predict 3D bounding box of car from 2D image.
Stars: ✭ 200 (+952.63%)
Deep Viz Keras
Implementations of some popular Saliency Maps in Keras
Stars: ✭ 154 (+710.53%)
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (+1331.58%)
Zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
Stars: ✭ 3,307 (+17305.26%)
T81 558 deep learning
Washington University (in St. Louis) Course T81-558: Applications of Deep Neural Networks
Stars: ✭ 4,152 (+21752.63%)
Keras Multi Label Image Classification
Keras- Multi Label Image Classification
Stars: ✭ 335 (+1663.16%)
Tensorflow Book
Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.
Stars: ✭ 4,448 (+23310.53%)
Music recommender
Music recommender using deep learning with Keras and TensorFlow
Stars: ✭ 528 (+2678.95%)
Deep learning notes
a collection of my notes on deep learning
Stars: ✭ 112 (+489.47%)
Caffenet Benchmark
Evaluation of the CNN design choices performance on ImageNet-2012.
Stars: ✭ 700 (+3584.21%)
Sigver wiwd
Learned representation for Offline Handwritten Signature Verification. Models and code to extract features from signature images.
Stars: ✭ 112 (+489.47%)
Simpsonrecognition
Detect and recognize The Simpsons characters using Keras and Faster R-CNN
Stars: ✭ 131 (+589.47%)
Cs231n Convolutional Neural Networks Solutions
Assignment solutions for the CS231n course taught by Stanford on visual recognition. Spring 2017 solutions are for both deep learning frameworks: TensorFlow and PyTorch.
Stars: ✭ 110 (+478.95%)
Image classifier
CNN image classifier implemented in Keras Notebook 🖼️.
Stars: ✭ 139 (+631.58%)
Deep Steganography
Hiding Images within other images using Deep Learning
Stars: ✭ 136 (+615.79%)
Tfvos
Semi-Supervised Video Object Segmentation (VOS) with Tensorflow. Includes implementation of *MaskRNN: Instance Level Video Object Segmentation (NIPS 2017)* as part of the NIPS Paper Implementation Challenge.
Stars: ✭ 151 (+694.74%)
Alexnet Experiments Keras
Code examples for training AlexNet using Keras and Theano
Stars: ✭ 109 (+473.68%)
Cs231n
My assignment solutions for CS231n - Convolutional Neural Networks for Visual Recognition
Stars: ✭ 162 (+752.63%)
Knowledge Distillation Keras
A machine learning experiment
Stars: ✭ 160 (+742.11%)
2048 Deep Reinforcement Learning
Trained A Convolutional Neural Network To Play 2048 using Deep-Reinforcement Learning
Stars: ✭ 169 (+789.47%)
Motion Sense
MotionSense Dataset for Human Activity and Attribute Recognition ( time-series data generated by smartphone's sensors: accelerometer and gyroscope)
Stars: ✭ 159 (+736.84%)
Traffic Sign Detection
Traffic Sign Detection. Code for the paper entitled "Evaluation of deep neural networks for traffic sign detection systems".
Stars: ✭ 200 (+952.63%)
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+926.32%)
Tfwss
Weakly Supervised Segmentation with Tensorflow. Implements instance segmentation as described in Simple Does It: Weakly Supervised Instance and Semantic Segmentation, by Khoreva et al. (CVPR 2017).
Stars: ✭ 212 (+1015.79%)
Shot Type Classifier
Detecting cinema shot types using a ResNet-50
Stars: ✭ 109 (+473.68%)
Deeplearning.ai Assignments
Stars: ✭ 268 (+1310.53%)
Grad Cam Tensorflow
tensorflow implementation of Grad-CAM (CNN visualization)
Stars: ✭ 261 (+1273.68%)
Cs231
Complete Assignments for CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 317 (+1568.42%)
Stanford Cs231
Resources for students in the Udacity's Machine Learning Engineer Nanodegree to work through Stanford's Convolutional Neural Networks for Visual Recognition course (CS231n).
Stars: ✭ 249 (+1210.53%)
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+1715.79%)
Artistic Style Transfer
Convolutional neural networks for artistic style transfer.
Stars: ✭ 341 (+1694.74%)
Carnd Vehicle Detection
Vehicle detection using YOLO in Keras runs at 21FPS
Stars: ✭ 367 (+1831.58%)
Deeppicar
Deep Learning Autonomous Car based on Raspberry Pi, SunFounder PiCar-V Kit, TensorFlow, and Google's EdgeTPU Co-Processor
Stars: ✭ 242 (+1173.68%)
Build Ocr
Build an OCR for iOS apps
Stars: ✭ 17 (-10.53%)
Pba
Efficient Learning of Augmentation Policy Schedules
Stars: ✭ 461 (+2326.32%)
Mtcnn Pytorch
Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Networks
Stars: ✭ 531 (+2694.74%)
Food Recipe Cnn
food image to recipe with deep convolutional neural networks.
Stars: ✭ 448 (+2257.89%)
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+410.53%)
Sigmoidal ai
Tutoriais de Python, Data Science, Machine Learning e Deep Learning - Sigmoidal
Stars: ✭ 103 (+442.11%)
Tensorflow 101
TensorFlow Tutorials
Stars: ✭ 2,565 (+13400%)
Computer Vision
Programming Assignments and Lectures for Stanford's CS 231: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 408 (+2047.37%)
Saliency
TensorFlow implementation for SmoothGrad, Grad-CAM, Guided backprop, Integrated Gradients and other saliency techniques
Stars: ✭ 648 (+3310.53%)
Skin Cancer Image Classification
Skin cancer classification using Inceptionv3
Stars: ✭ 16 (-15.79%)
1-60 of 6273 similar projects