dog-breed-classifier
There are 113 repositories under dog-breed-classifier topic.
kHarshit/udacity-nanodegree-projects
Udacity nanodegree projects: DLND, DRLND, DAND
NirmalSilwal/UDACITY-Deep-Learning-Nanodegree-PROJECTS
These are the projects I did on my Udacity Deep Learning Nanodegree 🌟 💻 💻. 💥 🌈
prateeksawhney97/Dog-Breed-Classification-Project-Using-Flask
Dog Breed classifier project of the Data Scientist Nanodegree by Udacity. A Web Application is developed using Flask through which a user can check if an uploaded image is that of a dog or human. Also, if the uploaded image is that of a human, the algorithm tells the user what dog breed the human resembles the most. The Deep Learning model distinguishes between the 133 classes of dogs with an accuracy of over 82.89%.
BshoterJ/dog_breed_retrival
A project aimed to classify dog breeds and search for the most matched image in the database
nikhilroxtomar/Dog-Breed-Classifier-using-TF2.0
A simple classification model takes the advantage of transfer learning to train the model to identify the dog images.
ravireddy07/DL-Dog_Breed_Classifier
Dog Breed Classifier Project-Deep Learning Nanodegree Udacity
aniruddhadave/Udacity-AI-Nanodegree
Projects for Artificial Intelligence Nanodegree
mirceast/cnn-dog-breed-classifier
PyTorch implementation of a dog breed classifier using convolutional neural nets.
moon05/transfer_learning_tensorflow
Transfer Learning with TensorFlow
yshastri66/dog-breed-classifier
Object Classification project with Heroku deployment, which classfies 30 Dog breeds using tensorflow
pottekkat/dog-eyes
This notebook builds a multiclass image classifier for classifying dog breeds using TensorFlow 2.0 and TensorFlow Hub.
yashpatel-py/Dog-Breed-Prediction
In this project i have downloaded the data from kaggle to train and test the breed of the dogs, ferther details has been given in the code JUPYTER NOTEBOOK
amitrajitbose/dog-breed-classifier
Intelligent deep learning model for dog breed classification classification
n1ghtf4l1/aws-deepracer-2022-august
Developers of all skill levels get hands on with machine learning through a cloud based 3D racing simulator, fully autonomous 1/18th scale race car driven by reinforcement learning, and global racing league.
nancyalaswad90/Deep-Learning-Nanodegree
Included five projects - Predicting Bike-Sharing Data - Dog Breed Classifier -Deploy a Sentiment Analysis Model
droxey/ml-xception
🐶 Deploy a predictive classification model for dog breeds using Flask + Keras!
harichselvamc/Dog_Breed_detection
Identify dog breeds with ease using this Streamlit app powered by a pre-trained machine learning model.
mayur29/Udacity_Machine_Learning_Projects
These are all the assignments from Udacity Nanodegree Machine Learning course
MZHI/udacity-dog-breed-classification-pytorch
A task from Udacity Deep Learning Nanodegree Program, with some basic CNN implementations for study purpose
souravs17031999/Dog-Breed-Classifier-App
This repo includes complete end to end algorithm for dog breed classification mechanism using deep learning.
tfesenko/Dog-Breed-Classifier
The dog-breed classifier project is a part of Udacity Deep Learning Nanodegree
Ankit-Kumar-Saini/Dog_Breed_Classifier
End-to-end deep learning pipeline to classify images of dogs and humans to determine what breed the human or dog most resembles
Infi-09/Image-Classification-Project
In this project we are given by the 10000+ images of dogs for both the train and the test data sets. We are suppose to predict the breed of the dog by training the model with dog image
maanavshah/dog-breed-classifier
A dog breed classifier using Transfer Learning with Convolutional Neural Networks in PyTorch.
Prajwal10031999/Dog-Breed-Classification-Using-InceptionV3
A dog breed classification model created using CNN with InceptionV3 pretrained weights .
pranaysingh25/Dog-Breed-Classifier
Constructed an algorithm that works on user supplied image. If a dog is detected, it estimates the breed of the dog, Trained using Transfer learning with CNN.
rpradeepsurya/mlnd-dog-breed-recognition
Udacity Machine Learning Nanodegree - Deep learning project (Jan 2019)
sanmitraD/Dog-breed-classification-using-CNNs
submission to udacity deep learning nanodegree . original comde can be found at https://github.com/udacity/deep-learning-v2-pytorch
starkblaze01/Dog-Breed-Classifier
Dog-Breed Classifier
starkblaze01/Predicting-Bike-Sharing-Patterns
This repository contains the Deep Learning Nano-degree projects by Udacity
Supearnesh/ml-dog-cnn
A convolutional neural network trained to classify dog breeds.
AbdelTID/Pre-trained-Image-Classifier-to-Identify-Dog-Breeds
Project 1 as part of Udacity's `AI Programming with Python` Nanodegree.
aman-chhetri/Udacity-AI-Programming-with-Python
Repository of the Udacity AI Programming with Python Project Submission Files
amolgorithm/windows-dog-classifier
Flutter desktop application for classifying dog breeds using a pre-trained TensorFlow model. Users can upload a dog photo, and the app sends it to a Python script for prediction. The result is displayed with the top predicted dog breeds and probabilities. Note: Currently available for Windows only.
Jaiswal0786/Dog-Breed-Identification
Implementation of a convolutional neural network (CNN) for identifying dog breeds, the code uses Keras and TensorFlow to train and evaluate the model.
jgurakuqi/deep-learning-based-dog-breed-classifier
The goal of the project is to improve a kaggle project about Dog Breed Classification, achieving an higher test accuracy. The original project achieved 79% of accuracy on the test set, while this one goes up to 87%. Also further improvements were made to the data processing pipeline in terms of modularity and performance.