flower-classification
There are 92 repositories under flower-classification topic.
cocoa-ai/FlowersVisionDemo
🌸 iOS11 demo application for flower classification.
firaja/flowers-classification
Classification of flowers from Oxford Flowers 102 dataset
silviomori/udacity-deeplearning-pytorch-challenge-lab
Repository with code for PyTorch Challenge Lab
Kusainov/udacity-image-classification
Udacity Data Science Nanodegree program, deep learning on Pytorch, image classification (flowers)
murufeng/Garden-Iris
鸢尾花的分类
souravs17031999/FLOWER-CLASSIFIER-WEBAPP
This is a repository built during Pytorch Facebook course on Udacity Phase - I
codingcafe1/flowers
Flutter Android & iOS Flowers Recogniser App [Deep Learning & Machine Learning]
koushikkumarl/TransferLearning_Vgg16-19
Transfer learning with VGG16 and VGG19, the simpler way!
oleksandr-g-rock/flower_classification
Image Classifications: Flowers Recognition
adityamehra/Flower-Classification
This project is made using Pete Warden's TensorFlow for Poets and TensorFlow for Mobile Poets tutorials.
apurva-modi/Flower-classification
In this competition, we’re challenged to build a machine learning model that identifies the type of flowers in a dataset of images (for simplicity, we’re sticking to just over 100 types).
avBuffer/FlowerDetect_tensorflow
How to train and verify flowers by using CNN based on tensorflow?
miketvo/rmit2023a-cosc2753-assignment2
RMIT Vietnam, Semester 2023A - COSC2753 Machine Learning - Assignment 2
Nguyendat-bit/MobilenetV1
Implementation of MobileNets: Efficient Convolutional Neural Networks for Mobile Vision Applications
rondinif/phytojs
A modern javascript toolkit to search about plants on open data
sankalpjain99/Flower-Species-Classifier
Trained an image classifier to identify a total of 102 flower species. Data Augmentation was used to bring variety in the dataset. I also made a command-line interface for training and testing our model with various parameters using the ArgumentParser library in Python. Transfer Learning with VGG16 and Densenet121 was used to train our neural network using PyTorch.
Vibashan/Flower_Classification
Classification of flowers from Kaggle Dataset using Deep Convolutional Neural Network (CNN)
AlkaSaliss/whichFlower
# whichFlower : a flower species recognition app using tensorflow/keras and React-Native
Depth-Semantic-Aware-Image-Generation/TBrain_Orchid-Classification-Competition
The competition on the TBrain platform involves using artificial intelligence, machine learning, and deep learning to train high-accuracy orchid image recognition models.
Garvit-k/flower-classifier
Flower Classification into 5 classes : daisy, dandelion, rose, sunflower & tulip using keras library
guptaharshnavin/DeepFlowerNet-Flower-Recognition-Using-Keras
Recognition of type of Flower from image using CNN, using Keras with Tensorflow backend
pengyingshu/Orchid2024
Orchid2024: A cultivar-level dataset and methodology for fine-grained classification of Chinese Cymbidium Orchids.
Siddhipatade/Irish-Flower
Irish Flower-classification
SINGHxTUSHAR/FloraVision
In this Project we classify different categories of Flowers using a Pre-Trained model and also using the functionality of Streamlit Application to build an API or frontend for the Project along with the various libraries of python for proper functioning of Model.
96ibman/streamlit-flower-recognition
Streamlit Application for Flower Recognition using MobileNet
abdullah-abunada/image_classification
The goal of this project is to build a web application that will be trained on a set of labeled flower images to make predictions on the given input.
Baccega/flower-classifier
🌷🧠 A convolutional neural network coded in Python, using PyTorch, to classify Oxford's 102 Category Flower Dataset
cavadibrahimli1/Flower_Recognition_using_CNN_MobilenetV2
Welcome to the Flower Recognition Using Convolutional Neural Network project! This repository features a deep learning model designed to accurately classify and recognize different flower species using Convolutional Neural Networks (CNNs). The project utilizes the MobileNetV2 architecture for its efficiency in image recognition tasks.
DeepthiSudharsan/flower-flask
Flower Classification - Flask, Docker and Postman Practice
kalthommusa/Flower-Image-Classifier
Project-2 of Udacity's Introduction to Machine Learning with TensorFlow Nanodegree. "Flower Image Classifier" is a Deep Learning Project with TensorFlow that aims to build a Keras model that accurately predicts the type of a particular flower among 102 different flower types, and then converts the developed image classifier into a command-line application.
NajiAboo/CNN_Architecutre_Comparison
Comparing 5 different CNN architectures for MNIST, CIFAR 10 and Flower dataset
nikita-bachhas/IoTCourseProject
Users can take or upload any image of a flower and the type of flower is recognised and returned
ramiyappan/Kmeans-scratch
Predict the type of flower based on standard Iris dataset and deal with Image data (pixels) to predict hand-written digits (0-9) using K-Means Clustering Algorithm.
thearyanmittal/flower-classification
A tutorial Jupyter Notebook for creating a Convolutional Neural Network that can identify the type of flower in an image.