GitHub topics: iris-classification
anamolkhadka/linear-logistic-regression-iris
Iris Dataset: Linear and Logistic Regression from Scratch
Language: Python - Size: 0 Bytes - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

Sneha-mav/Iris-Flower-Classification
Iris Flower Classification using all principle algorithms from logreg to Naive Bayes
Language: Jupyter Notebook - Size: 322 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

Md-Emon-Hasan/InformaTruth
📰 Detects fake news using a fine-tuned roberta-base classifier on the LIAR dataset. The system accepts multiple input types text, URLs, and PDFs and outputs a prediction (Real or Fake) along with a confidence score. It also uses google/flan-t5-base to generate human-like explanations of the verdict.
Language: Jupyter Notebook - Size: 82.8 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 1 - Forks: 0

Tolinez/fastapi-iris-predictor
Simple API built with FastAPI for real-time predictions on the iris flower dataset using a Logistic Regression model.
Language: Jupyter Notebook - Size: 5.65 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

luuisotorres/fastapi-iris-predictor
Simple API built with FastAPI for real-time predictions on the iris flower dataset using a Logistic Regression model.
Language: Jupyter Notebook - Size: 5.64 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 0 - Forks: 0

SahilKumarTech/Iris_Flower_Classification_Project
This project focuses on building a machine learning model to classify Iris flowers into three species: Setosa, Versicolor, and Virginica based on their sepal and petal measurements. Using the well-known Iris dataset, I developed and trained a model capable of accurately predicting the species of unseen Iris flowers.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

sethubolt7/DATA_SCIENCE_PROJECTS
A collection of mini data science projects including iris classification, sales prediction, and unemployment analysis. Demonstrates full ML workflow from preprocessing to model building.
Language: Jupyter Notebook - Size: 2.38 MB - Last synced at: 25 days ago - Pushed at: 25 days ago - Stars: 1 - Forks: 1

mehtadigisha/Iris-Flower-Classification
Iris Flower Classification
Language: Jupyter Notebook - Size: 283 KB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 0 - Forks: 0

milaan9/Python_Decision_Tree_and_Random_Forest
I've demonstrated the working of the decision tree-based ID3 algorithm. Use an appropriate data set for building the decision tree and apply this knowledge to classify a new sample. All the steps have been explained in detail with graphics for better understanding.
Language: Jupyter Notebook - Size: 3.9 MB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 262 - Forks: 203

mohammadreza-mohammadi94/Project-Packaging-Python-ML
This repository demonstrates how to package a simple Machine Learning project using Python’s standard packaging structure. It includes training a basic ML model and preparing it as an installable Python package that can be easily reused in other projects.
Language: Python - Size: 6.84 KB - Last synced at: 30 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

pablo-ferro/ML_iris_flower
ML scikit learn package Iris 3 species
Language: Jupyter Notebook - Size: 24.4 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

AnonymWriter/Iris-Style-Transfer
Iris Style Transfer: Enhancing Iris Recognition with Style Features and Privacy Preservation through Neural Style Transfer
Language: Jupyter Notebook - Size: 15.3 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

yuvrajsaraogi/-Iris-Flower-Classification
Iris flower has three species; setosa, versicolor, and virginica, which differs according to their measurements. Now assume that you have the measurements of the iris flowers according to their species, and the task is to train a machine learning model that can learn from the measurements of the iris species and classify them.
Language: Jupyter Notebook - Size: 267 KB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

mohiteamit/simple_pipeline_using_iris
Iris Classification Pipeline, Streamlit App & FastAPI
Language: Python - Size: 32.2 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

mpolinowski/ml-flask-web-app
Using Flask to deploy your ML Model as a Web Application
Language: Jupyter Notebook - Size: 263 KB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

RohanSardar/iris_flower
A basic ML project on the iris flower classification
Language: Jupyter Notebook - Size: 482 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

aAa1928/Iris-ml-classifier
PyTorch model that classifies Iris species based on characteristics about the length and width of sepals and petals.
Language: Python - Size: 22.5 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

hk-kumawat/Iris-Flower-Classifier
🌸 An ML-based classifier for predicting iris flower species (Setosa, Versicolor, Virginica) using various classification models.
Language: Jupyter Notebook - Size: 695 KB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

azuregray/BharatIntern-InternshipTasks 📦
Successful work completed as Intern at Bharat Intern in Oct - Nov 2023
Language: Jupyter Notebook - Size: 8.5 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

jihansyamsumar/DatasetIris_Classification
This analysis aims to create a model that can recognize flower types based on these traits. I'm using the dataset from scikit-learn library. Building a classification model with the Random Forest algorithm.
Language: Jupyter Notebook - Size: 54.7 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

NajwaQu/Iris-Flower-Classification-Using-the-K-Nearest-Neighbors-Algorithm-
This project focuses on implementing a machine learning model to classify Iris flower species using the K-Nearest Neighbors (KNN) algorithm.
Language: Jupyter Notebook - Size: 16.2 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

machinecurve/extra_keras_datasets
📃🎉 Additional datasets for tensorflow.keras
Language: Python - Size: 2.42 MB - Last synced at: 28 days ago - Pushed at: 11 months ago - Stars: 32 - Forks: 4

Hengkoro20/iris-classification-ml
Language: Jupyter Notebook - Size: 22 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

itsAdiz/iris_classification
Iris Classification Using Machine Learning - FYP
Language: Python - Size: 6.84 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

benami171/ML_EX_02
2nd Assignment in machine learning course, Implementing and using Perceptron and Adaboost algorithms.
Language: Python - Size: 188 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

greeenboi/Iris-Classifier-project
I will be implementing the famous ai/ml, iris-flower classification project
Language: Jupyter Notebook - Size: 265 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

ahmadrezasedghi/iris_classification
This repository contains a project using the Iris dataset for data visualization, outlier detection, normalization, and classification. The project includes models like GaussianNB, RandomForestClassifier, and DecisionTreeClassifier, with hyperparameter tuning and PCA for dimensionality reduction.
Language: Jupyter Notebook - Size: 206 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Furkan-Gulsen/iris_predictor_web_app
Iris Predictor with Deep Learning | Web App
Language: Jupyter Notebook - Size: 7.93 MB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 4

jitendrakumar13/FlowerAI-Classifier
Simple model is used to for the prediction but the data entered by the user is saved on SQL database
Language: Python - Size: 3.91 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

GuechtouliAnis/Machine-Learning-College-Projects
This repository contains four machine learning projects developed during college, covering email spam detection, emotion classification in Urdu, voice classification, and iris recognition. Each project includes data preprocessing, feature extraction, model training, and evaluation. Explore the Jupyter notebooks for detailed implementations.
Language: Jupyter Notebook - Size: 9.25 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Jaweria-B/iris-flower-classification
built an Iris flower prediction app with streamlit
Language: Python - Size: 1.95 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

imskr/iris-web
A simple web application for IRIS ML classification model
Language: CSS - Size: 506 KB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

Bushra-Butt-17/DeepLearning-Projects
This repository contains my assignments and projects related to deep learning, including implementations of fundamental concepts such as Linear Regression, Gradient Descent, Multi-Layer Perceptron (MLP), and more. Each section includes code, explanations, and relevant documentation. The goal of this repository is to showcase my learning journey.
Language: Jupyter Notebook - Size: 10.5 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

jianxi-Erin/Iris-Dataset-Classification-Using-SVM
本项目基于经典的 Iris 数据集,利用支持向量机(SVM)算法构建分类模型,旨在对鸢尾花的三种不同类别进行分类。通过本项目,展示了机器学习模型从数据预处理、特征分析、模型训练到模型评估的完整流程,并为未来的模型优化和预测提供了基础。
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

LukePower01/ml-to-qml
Final year project, exploring the field of quantum machine learning.
Language: Jupyter Notebook - Size: 166 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 1

ZG3Z/iris-classifier
Language: Java - Size: 6.84 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

DeMoN-7/Iris-Flower-Classification
Beginner project to learn classification in Machine Learning using python
Language: Jupyter Notebook - Size: 1.82 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 2 - Forks: 1

kozuedoingregression/Iris-Species-Classification
Machine Learning Model for Iris Species Classification based on Measurements
Language: Python - Size: 192 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

LykourgosS/iris-ml-model-microservice
A FastAPI microservice for predicting iris species based on sepal and petal dimensions. This project leverages machine learning to classify iris flowers into their respective species. (mpsp)
Language: Python - Size: 739 KB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

Amenferjani/iris
This project is for the Identification of Iris flower species is presented
Language: Python - Size: 4.88 KB - Last synced at: about 2 months ago - Pushed at: 10 months ago - Stars: 2 - Forks: 0

Mugambi645/machine-learning-with-iris-dataset
Iris classification with supervised learning algorithms
Language: Jupyter Notebook - Size: 490 KB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

shreyansh26/Iris_classification-AWS-Lambda-PoC
A step-wise tutorial to demonstrate the steps required to deploy a ML model using AWS Lambda, Github Actions, API Gateway and use Streamlit to access the model API through a UI.
Language: Python - Size: 946 KB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 2

shreyansh26/Iris_classification-GCP-AI-Platform-PoC
A step-wise tutorial to demonstrate the steps required to deploy a ML model using Google Cloud Platform's AI Platform and use Streamlit to access the model API through a UI.
Language: Python - Size: 1.11 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

AureliusIvan/iris-prediction-system
Predict Iris with mongodb 🌷
Language: Jupyter Notebook - Size: 1.56 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 5 - Forks: 0

goutamhegde002/ML-and-Data-Science-Projects
Few simple ML and Data Science related Projects
Language: Jupyter Notebook - Size: 1.53 MB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

alejomonbar/Classification-Iris_using-Qutrits
In this repository, I classify the Iris dataset using Qutrits and IBM Quantum pulse technology.
Language: Jupyter Notebook - Size: 713 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 5 - Forks: 3

elymsyr/iris-recognition-old Fork of andreibercu/iris-recognition
Python Application for an Iris Recognition System using OpenCV. The project aims to create a database system and iris analyzer for fast fast and accurate iris recognition.
Language: Jupyter Notebook - Size: 23.3 MB - Last synced at: 16 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Sara-Esm/Iris-Classifier-PyTorch
A simple neural network model implemented in PyTorch to classify iris flowers.
Language: Jupyter Notebook - Size: 91.8 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Yarlagadda-saimanoj/Iris-Flower-Classifier
The "Iris-Flower-Classifier" is a machine learning project that categorizes Iris flowers into three species based on their measurements. It involves data preprocessing, model training, and evaluation, showcasing a fundamental classification task.
Language: Jupyter Notebook - Size: 942 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

RahimaNaeem/CodSoft-DataScience
Iris Flower Classification Project - Internship at CodSoft
Language: Jupyter Notebook - Size: 553 KB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

harshadnajan/Oasis-Infobyte-Internship
These are the tasks which I have performed during my Data Science Internship by Oasis Infobyte
Language: Jupyter Notebook - Size: 2.32 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Raptor2804/Classify_Iris_Species_Using_Python_and_Logistic_Regression
The project for the iris species classification using logistic regression
Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: 9 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

Md-Emon-Hasan/6-Classification-Iris-ML-Apps
A ML project on the classification of the Iris dataset, demonstrating data preprocessing, model training, and evaluation using Python and scikit-learn.
Language: Python - Size: 15.6 KB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

Sakshi-Pingale/-LGMVIP-DataScience
Data Science internship at Lets grow more
Language: Jupyter Notebook - Size: 8.44 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

DA-Atharv/Iris-Species-Classification-and-Model-Evaluation
This project combines meticulous data preprocessing-visualization-machine learning techniques, featuring Decision Tree, integrating Logistic Regression. Prioritizes model interpretability-accuracy through feature selection, optimizing performance evaluation for species classification using sepal & petal features.
Language: Jupyter Notebook - Size: 1.6 MB - Last synced at: 9 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

abhiverse01/Iris-Classifier-KNN
The Iris flower classification project uses the Iris dataset to demonstrate a simple machine-learning workflow. It covers data loading, exploration, preprocessing, model building, evaluation, and data visualization.
Language: Jupyter Notebook - Size: 38.1 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

Meta-Ben/Iris-Data_Self-Organized-Map
2018 - Java Machine Learning Self Organized Map based on Iris.data
Language: Java - Size: 55.4 MB - Last synced at: 2 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

Mudita-M2/Iris-flower-classification
Iris flower classification model mainly focusing on logistic regression model and neural network using tensorflow
Language: Jupyter Notebook - Size: 755 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

Siiir/rust-knn
Classifies irises into one of 3 species: Setosa, Versicolor, Virginica.
Language: Rust - Size: 63.5 KB - Last synced at: 12 days ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

macnianios/iris_machine_learning
a mini project on iris dataset, choosing the best machine learning model
Language: Jupyter Notebook - Size: 57.6 KB - Last synced at: about 2 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

Ruban2205/Iris_Classification
This repository contains the Iris Classification Machine Learning Project. Which is a comprehensive exploration of machine learning techniques applied to the classification of iris flowers into different species based on their physical characteristics.
Language: Jupyter Notebook - Size: 2.31 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 13 - Forks: 2

esscova/svm-R
Este repositório contém uma implementação do algoritmo SVM para classificação de dados nos datasets Iris e Wine, usando a linguagem R com RStudio. Você pode executar o código localmente ou com Docker.
Language: R - Size: 468 KB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

andricio360/ml-deployment
Project to deploy ML model using Docker and Kubernetes
Language: Python - Size: 18.6 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

m-nanda/End-to-End-ML
An "End-to-End Machine Learning" project focuses on building a machine learning pipeline that prevents data leakage and deploys the model with microservice-architecture for real-world use.
Language: Python - Size: 2.94 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

madhurchhajed/Naive-Bayes-Classification-on-Iris-Dataset
This is practice notebook for Naive Bayes Classification on Iris Data Set.
Language: Jupyter Notebook - Size: 330 KB - Last synced at: 11 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

youssef-saaed/KNN_Assignment_C_version
This is a machine learning assignment that implements the K-Nearest Neighbors (KNN) algorithm on the Iris dataset from scratch using pure C
Language: C - Size: 39.1 KB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

Tejas-Sinroja/oibsip_taskno_1
This is the repository for iris flower classification using machine learning models
Language: Jupyter Notebook - Size: 437 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

Saba-Gul/-PyCaret-Streamline-Your-Machine-Learning-Workflow
PyCaret: Simplifying machine learning workflows with a low-code, open-source Python library.
Language: Jupyter Notebook - Size: 113 KB - Last synced at: 2 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

selcia25/iris-dataset-classification
☘This repository contains a Python script for classifying the Iris dataset using the Random Forest algorithm.
Language: Python - Size: 9.77 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

dakshtrehan/Iris-Classification
Supervised Learning
Language: Jupyter Notebook - Size: 5.86 KB - Last synced at: 12 months ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

Aanya-Saroha/Iris-Flower-Detection
To Detect the species of Iris flower using Machine learning algorithm Decision Tree (ID3)
Language: Jupyter Notebook - Size: 938 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

DA-Atharv/Iris_Species_Classification
This project employs data preprocessing, visualization, and machine learning techniques, including Decision Tree Classifier implementation, data splitting, and performance evaluation with feature selection for enhanced model interpretability and accuracy.
Language: Jupyter Notebook - Size: 1020 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

sudarshanvats14/Iris-classification
Using pretrained ML model to do Iris flower cllasification
Language: Python - Size: 15.6 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

roshan076/Decision-Tree
Decision tree classifier on different dataset.
Language: Jupyter Notebook - Size: 789 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

roshan076/PCA
Principal Component Analysis on different dataset.
Language: Jupyter Notebook - Size: 895 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

LizzGarleb/iris-flower-classification
Iris Flower Classification Models (Text & Image)
Language: Python - Size: 111 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

saral7293/Iris-Classifierflask-app
This repo is a Iris Classifier flask app where different species of iris are classified given 4 parameters entered by the user.
Language: HTML - Size: 26.4 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

NajiAboo/DeepLearningNLP
Iris dataset classification using Keras
Language: Jupyter Notebook - Size: 15.4 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Armin-Abdollahi/Iris-Flower-Classification
Language: Jupyter Notebook - Size: 709 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 0

mattborghi/iris-classification-bentoml
Iris Classification problem deployed using BentoML
Language: Python - Size: 195 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

CRMawande/data_science_internship_oasis_infobyte
Oasis Infobyte - Data Science Internship tasks (March- April 2024 batch)
Language: Jupyter Notebook - Size: 2.2 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

tusharpandey003/Iris-flower-classification
Iris flower classification using KNN and Random forest algorithm
Language: Jupyter Notebook - Size: 27.3 KB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

codewithanirban/CBTCIP
CipherByte Technologies internship in Data Science Repository
Language: Jupyter Notebook - Size: 951 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

phillipstemmlar/cos314_NeuralNetwork
This repository contains a Neural Network written in JAVA, that takes properties of Iris flowers as input, and then correctly determines the type of Iris flower. The Neural Network is trained on a training data set and simultaneously validated with a validation data set and can then be tested with a test data set.
Language: Java - Size: 193 KB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

ansh422/Iris-Flower-Classification
Language: Python - Size: 1.95 KB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

galax19ksh/Iris-Flower-Classification
the classic ML project!
Language: Jupyter Notebook - Size: 362 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

dhrumilrana25/Machine-Learning-Projects
Welcome to my GitHub repository! Here, you will find an exciting collection of my machine learning and AI projects. As a passionate data scientist and AI enthusiast, I am constantly exploring and experimenting with cutting-edge techniques to solve real-world problems.
Language: Jupyter Notebook - Size: 1.21 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

ntachukwu/python-iris-recognition
Iris Recognition System Implemented in Python.
Language: Python - Size: 66.3 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 2

MuhammadEhsan02/Iris-Flower-Classification
A machine learning project for classifying iris flowers into three species using sepal and petal characteristics. The repository includes EDA, advanced data visualization, and model evaluation, achieving 100% accuracy. Explore data, models, and visualizations in the notebook, images, and data folders.
Language: Jupyter Notebook - Size: 1.95 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

nayakanavya/CODSOFT-datascience
codsoft internship
Language: Jupyter Notebook - Size: 266 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

RadwaYahiaWageh/CodSoft
A collection of projects using python
Language: Jupyter Notebook - Size: 1.16 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

moeinp70/Iris-Recognition
High Performance Iris Recognition Based on Cosine Similarity
Size: 108 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

ajaykushwaha123/Iris-Flower-Classification-Project
The aim of the IRIS Flower Classification is to predict flowers based on their specific feature. The Goal is to model class membership probabilities conditioned on the flower features.
Language: Jupyter Notebook - Size: 1.33 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Yashmenaria1/Iris-Flower-Classification
The goal of this project is to develop a machine learning model for the classification of Iris flowers based on their sepal and petal measurements. The dataset used for this task is the well-known Iris dataset, which includes features such as sepal length, sepal width, petal length, and petal width.
Language: Jupyter Notebook - Size: 4.37 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

brandondionisio/Artificial-Neural-Network-Iris-Dataset
Implementation of a multi-layered neural network that classifies iris flowers based on sepal length, sepal width, petal length, and petal width. The ANN is trained using the Iris dataset and the program prompts user input.
Language: Python - Size: 5.86 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

mickymultani/JAX-Machinelearning
An interactive tutorial exploring automatic differentiation in machine learning using JAX, demonstrated through a hands-on example with the Iris dataset.
Language: Jupyter Notebook - Size: 256 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Abirami-Nandakumar/iris-classification
iris classification using knn
Language: Jupyter Notebook - Size: 33.2 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

AvinashHanumantWagh/OIBSIPTask1
iris classification
Language: Jupyter Notebook - Size: 369 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

aishmule/OIBSIP-task-1
iris_flower_classification
Language: Jupyter Notebook - Size: 1.87 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Rhushabh45/IRIS-Flower-Classification
Simple Classification program to predict the species of an iris flower.
Language: Jupyter Notebook - Size: 644 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
