GitHub topics: iris-dataset
Aly-El-Badry/HCIA-Projects
Machine Learning Algorirthm For Starters in Machine Learning
Language: Jupyter Notebook - Size: 104 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 1 - Forks: 0

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

FabianaCampanari/Iris-DataAnalysis-Seaborn-
🌸 The provided code snippet is a Python script that uses matplotlib to plot the numerical and exact derivatives of a function f4 over a range of values. The script generates a sequence of values x from -5 to 5, calculates the derivatives using two different methods, and then plots the results for comparison.
Language: Jupyter Notebook - Size: 1.92 MB - Last synced at: 2 days ago - Pushed at: 5 days ago - Stars: 3 - Forks: 1

adexoxo13/Naive-Bayes
Naive Bayes Classifier | 10-Fold Cross-Validation | ROC Curve Analysis | Machine Learning | Python
Language: Jupyter Notebook - Size: 449 KB - Last synced at: 8 days ago - Pushed at: 9 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: 9 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

chhayac/Machine-Learning-Notebooks
15+ Machine/Deep Learning Projects in Ipython Notebooks
Language: Jupyter Notebook - Size: 3.84 MB - Last synced at: 8 days ago - Pushed at: about 5 years ago - Stars: 130 - Forks: 103

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

nurulashraf/svm-iris-flower-classification
SVM classifier for Iris flower dataset. Trains, evaluates, and saves a model to classify Setosa, Versicolor, and Virginica species based on petal and sepal measurements. Built with Python, scikit-learn, and Jupyter Notebook.
Language: Jupyter Notebook - Size: 66.4 KB - Last synced at: 4 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

rc-tests/ML
My First Machine Learning Model
Language: Python - Size: 0 Bytes - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

Pavan5698/Decision_Treee
Decision Tree Classifier | Jupyter Notebook | Supervised Learning | Machine Learning | Python | Scikit library
Language: Jupyter Notebook - Size: 23.4 KB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

Samuelson777/Iris-Flower-Classification
Iris Flower Classification: A machine learning project that classifies iris flowers into three species based on sepal and petal dimensions. Includes data exploration, visualization, and model evaluation using Python and scikit-learn.
Language: Jupyter Notebook - Size: 287 KB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

adexoxo13/Neural_Network
Supervised Machine Learning | Neural Network | Jupyter Notebook | Python | Scikit library
Language: Jupyter Notebook - Size: 402 KB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

Moez-lab/Iris-Species-Detector
This project uses the Iris dataset to predict flower species based on sepal and petal dimensions. It includes data preprocessing, feature engineering, visualization, and training a Random Forest model with hyperparameter tuning using GridSearchCV. Achieves high accuracy
Language: Python - Size: 6.84 KB - Last synced at: 1 day ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

MahdiKh03/kNN-Algorithm-on-IrisDataset
A machine learning project to implement the K-Nearest Neighbors (KNN) algorithm from scratch using Python for classification on the Iris dataset.
Language: Python - Size: 9.77 KB - Last synced at: 2 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

digital-nomad-cheng/Iris_Landmarks_PyTorch
Iris landmarks localization.
Language: Python - Size: 54.6 MB - Last synced at: about 20 hours ago - Pushed at: over 1 year ago - Stars: 69 - Forks: 25

AbdulRahmanAlsakkaDitAkkad/kaggle-iris-dataset-analysis
Jupyter Notebook project for visualizing, analyzing, and modeling the Iris dataset from Kaggle using Python and scikit-learn.
Language: Jupyter Notebook - Size: 159 KB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 0 - Forks: 0

tSopermon/ML-Algorithms-custom-implementations-aivc-project
This repository compares the performance of Adaline, Logistic Regression, and Perceptron models on binary classification tasks using linearly, non-linearly, and marginally separable datasets from the Iris dataset. It includes MATLAB implementations, 10-fold cross-validation, and visualizations of decision boundaries and MSE histories.
Language: MATLAB - Size: 1.35 MB - Last synced at: 25 days ago - Pushed at: 25 days ago - Stars: 0 - Forks: 0

Busradeveci/kaggle-Iris_Data_Analysis
Exploratory data analysis and visualization of the Iris dataset using Python.
Language: Jupyter Notebook - Size: 2.93 KB - Last synced at: 25 days ago - Pushed at: 26 days ago - Stars: 0 - Forks: 0

dataprofessor/simple-prediction
Language: Python - Size: 35.2 KB - Last synced at: 13 days ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 8

madhurimarawat/Machine-Learning-Using-Python
This repository contains machine learning programs in the Python programming language.
Language: Jupyter Notebook - Size: 4.44 MB - Last synced at: 29 days ago - Pushed at: about 1 month ago - Stars: 5 - Forks: 4

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

sdmlua/RiverJoin
Framework for Spatially Joining OWP HAND-FIM Hydrofabric Flowlines with SWORD Flowlines.
Language: Jupyter Notebook - Size: 126 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 2 - Forks: 1

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

jedrazb/python-neural-network
Simple implementation of MLP neural network in NumPy with supporting examples
Language: Python - Size: 10.8 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 1

Dylan-Stewart/Marvel-MySQL-Project
Project for Data Science
Language: Python - Size: 2.26 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

cserajdeep/LIQUID-NEURAL-NETWORK-LNN
LIQUID NEURAL NETWORK LNN CLASSIFIER AND REGRESSION
Language: Jupyter Notebook - Size: 34.2 KB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

HxnDev/K-Means-on-IRIS-Dataset
k-means clustering is a method of vector quantization, originally from signal processing, that aims to partition n observations into k clusters in which each observation belongs to the cluster with the nearest mean, serving as a prototype of the cluster.
Language: Jupyter Notebook - Size: 129 KB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 1

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

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

RubixML/Iris
The original lightweight introduction to machine learning in Rubix ML using the famous Iris dataset and the K Nearest Neighbors classifier.
Language: PHP - Size: 410 KB - Last synced at: 6 days ago - Pushed at: over 1 year ago - Stars: 34 - Forks: 9

AtRealMasterLuke/Decision-Tree-Algorithm-with-Iris-Dataset
Study the Iris Dataset using Decision Trees
Language: Jupyter Notebook - Size: 2.29 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

henriqueotogami/Curso-de-Python3-Udemy
Documentos do curso de Python 3, com arquivos das aulas, e Jupyter Notebook. Conceitos de Machine Learning.
Language: Jupyter Notebook - Size: 1.19 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

fadlani-aditya/iris-plant-classification
This project focuses on classifying different species of Iris flowers using the Random Forest algorithm. The dataset, sourced from Scikit-learn, contains four key features: sepal length, sepal width, petal length, and petal width, which are used to predict the flower species (Setosa, Versicolor, and Virginica).
Language: Python - Size: 1.12 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

efiyatunhasanah/ML-IrisDataset
Klasifikasi Iris Dataset menggunakan Iris Dataset
Language: Jupyter Notebook - Size: 32.2 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - 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

Adesartika33/Proyek-Analisis-Data-Dataset-Iris
Proyek ini bertujuan untuk menganalisis dataset Iris, salah satu dataset klasik dalam bidang Machine Learning dan Data Science. Dataset ini terdiri dari 150 sampel bunga Iris dari tiga spesies (Setosa, Versicolor, dan Virginica)
Language: Jupyter Notebook - Size: 278 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

dillikadariya/ML-Logistics-Regression-to-Classify-Iris-Species
Machine Learning project that implements classification algorithm as a logistic regression model
Language: Python - Size: 175 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

itzdineshx/Iris-flower-classification
A web application for predicting Iris flower species using machine learning models with Gradio UI. Users can input measurements and receive predictions along with a representative image.
Language: Jupyter Notebook - Size: 29 MB - Last synced at: about 1 month ago - Pushed at: 3 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

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

MaskedSyntax/iris-flower-prediction-app
A simple web app for Iris Flower Prediction
Language: Python - Size: 3.91 KB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

pradipNP/DecisionTree-Iris
Machine learning project to classify iris flowers using a decision tree
Language: Python - Size: 39.1 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

HalmstadUniversityBiometrics/Iris-Segmentation-Groundtruth-Database
Iris Segmentation Groundtruth Database
Size: 1.15 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 9 - Forks: 5

Ali-EL-Badry/HCIA-Projects
Here will be projects of Machine Learning that is done by me in HCIA-AI course
Language: Jupyter Notebook - Size: 105 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

SenapeDev/MLP-IRIS-classification
Implementazione di un percettrone multistrato per classificare differenti specie di iris.
Language: Jupyter Notebook - Size: 618 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 1 - 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

Ki3mONo/Naive_Bayes_Classifier
This project implements Naive Bayes Classifiers for two data types: Multinomial Naive Bayes Classifier and Gaussian Naive Bayes Classifier. Developed as part of the Probability Theory and Statistics course in the second year of Computer Science at AGH University of Krakow.
Language: Python - Size: 1.54 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

benami171/ML_kNN_Decision-trees
A ml implementation comparing Decision Trees and k-Nearest Neighbors (k-NN) algorithms for Iris flower classification. Features comprehensive analysis of different approaches including brute-force and entropy-based decision trees, along with k-NN using multiple distance metrics.
Language: Python - Size: 1.41 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

ascender1729/iris-flower-classification-2024
An exploratory data analysis and machine learning project using the Iris dataset to classify flower species with a K-Nearest Neighbors classifier. It includes data visualization, feature scaling, model training, and evaluation with 100% accuracy on the test set.
Language: Jupyter Notebook - Size: 782 KB - Last synced at: 4 days ago - Pushed at: about 1 year ago - Stars: 5 - 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

SenapeDev/iris-binary-classification
Single layer perceptron for binary classification of two iris species.
Language: Python - Size: 316 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

shettysach/ferrograd
Small scalar autograd engine, inspired from Karpathy's micrograd, with some additional features, such as more activation functions, optimizers and loss criterions. Capable of MNIST classification.
Language: Rust - Size: 6.05 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 5 - Forks: 1

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

JBris/jackson-data-models-example
Demonstration of Jackson data models
Language: Java - Size: 15.6 KB - Last synced at: 7 days ago - Pushed at: 6 months ago - Stars: 2 - 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

dgurkaynak/kmeans-iris
A web-app that runs and visualizes k-means algorithm on iris dataset
Language: JavaScript - Size: 3.06 MB - Last synced at: 3 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 2

cserajdeep/1DCNN-IRIS-PyTorch
1 Dimensional Convolutional Neural Network for Iris dataset classification
Language: Jupyter Notebook - Size: 99.6 KB - Last synced at: 27 days ago - Pushed at: almost 4 years ago - Stars: 13 - Forks: 0

ntsation/iris-analysis-ml
This project performs an in-depth analysis of the Iris Dataset, a well-known dataset in machine learning. The project applies machine learning models, such as Random Forest and Support Vector Machine (SVM), evaluating model performance using metrics like accuracy, precision, recall, F1-score, and confusion matrix.
Language: Jupyter Notebook - Size: 681 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Eny2930/AI-ML-Projects
A project demonstrating various libraries and tools in using algorithms in machine learning. This repository includes code samples, datasets, and detailed explanations.
Language: Python - Size: 121 MB - Last synced at: 2 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

victorqribeiro/perceptronCobol
A perceptron written in COBOL
Language: COBOL - Size: 18.6 KB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 75 - Forks: 5

drisskhattabi6/Exploratory-Data-Analysis-Projects
This Repo contains My Exploratory Data Analysis Projects for many datasets
Language: Jupyter Notebook - Size: 2.69 MB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

salihfurkaan/iris-flower-analysis
An analysis on Iris dataset of Scikit learn
Language: Jupyter Notebook - Size: 1.03 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

santiagoasp98/iris-classification
Iris dataset classification using Logistic Regression, SVM, and Random Forest.
Language: Jupyter Notebook - Size: 207 KB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

imdeep2905/Neural-Network-CPP
To understand neural networks thoroughly I implemented them from scratch in C++. This is the source code for the same.
Language: C++ - Size: 781 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 2

madhurimarawat/Agile-Sprint-and-Iris-Data-Explorer
Streamlit app that combines agile sprint planning with data visualization of the Iris dataset. It helps analyze task distribution and explore key data insights interactively.
Language: Python - Size: 1.87 MB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

abhipatel35/Automated-Machine-Learning-Pipeline-for-Iris-Dataset-Classification
Automated ML pipeline for Iris dataset classification using Decision Tree. Features PCA dimensionality reduction and standard scaling.
Language: Python - Size: 6.84 KB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

Brazer27/Iris-Classification
A Python implementation of Naive Bayes algorithm for Iris flower classification. Features include cross-validation, data preprocessing, and prediction capabilities. Built from scratch without ML libraries, achieving ~95% accuracy on the classic Iris dataset.
Language: Python - Size: 9.77 KB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 0 - Forks: 1

GiatrasKon/Machine_Learning_Assignments
Machine learning assignments covering regression, classification, neural networks, adversarial examples, and real-time emotion detection using Python. Includes theoretical insights and practical implementations.
Language: Jupyter Notebook - Size: 26.4 MB - Last synced at: about 2 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

farafiroza/proyek-dibimbing-1-
Dataset ini berisi informasi tentang panjang dan lebar sepal (daun kelopak) serta petal (kelopak bunga) yang digunakan untuk membedakan jenis bunga.
Language: Jupyter Notebook - Size: 3.91 MB - Last synced at: about 2 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

AbdelmajidLh/datasets
Ce dépôt contient des datasets open source pour lancer des projets data et machine learning.
Size: 37.6 MB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

HxnDev/Calculating-Entropy-of-IRIS-Dataset
This is perhaps the best known database to be found in the pattern recognition literature. Fisher's paper is a classic in the field and is referenced frequently to this day. (See Duda & Hart, for example.) The data set contains 3 classes of 50 instances each, where each class refers to a type of iris plant. One class is linearly separable from the other 2; the latter are NOT linearly separable from each other.
Language: Jupyter Notebook - Size: 137 KB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 0

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

Emna-chebbi/Iris-dataset
The iris dataset contains 4 features which i used to classify the flowers into one of the three species based on the measurements.
Language: Jupyter Notebook - Size: 208 KB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

geekquad/Random-Forest-from-Scratch
A basic implementation of the Random Forest Classifier from Scratch and using Seaborn to find important features.
Language: Jupyter Notebook - Size: 49.8 KB - Last synced at: 3 months ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

BGMP/SVM
Support Vector Machine implementation written in Python
Language: TeX - Size: 221 KB - Last synced at: 6 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

zahediparsa/ML_BirkarAcademy
Developed exercises and practical tasks to help students grasp key machine learning topics in a course hosted by Birkar Academy and ICDS.ai
Language: Jupyter Notebook - Size: 2.9 MB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

Hunterdii/Iriswise
IrisWise is a machine learning application for predicting Iris flower species. Built with Streamlit, this app provides a user-friendly interface to input flower measurements and receive predictions using various models, including K-Nearest Neighbors, (Random Forest, SVM, and Logistic Regression) **(Working On It...)**.
Language: Jupyter Notebook - Size: 921 KB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 5 - Forks: 3

MohaZamani/Iris-Classification
Language: Jupyter Notebook - Size: 3.39 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

odubno/gauss-naive-bayes
Gauss Naive Bayes in Python From Scratch.
Language: Python - Size: 16.1 MB - Last synced at: 6 months ago - Pushed at: about 6 years ago - Stars: 45 - Forks: 21

bhattbhavesh91/pca-from-scratch-iris-dataset
Implementing PCA from Scratch for iris dataset
Language: Jupyter Notebook - Size: 375 KB - Last synced at: 22 days ago - Pushed at: over 5 years ago - Stars: 25 - Forks: 14

karolina-kom/pca-data-visualisation
Code from Principal Component Analysis Undergraduate Essay
Language: Jupyter Notebook - Size: 326 KB - Last synced at: 4 months ago - Pushed at: 8 months ago - Stars: 0 - 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

sondosaabed/Iris-Presentation-Attack-Detection-PAD
Using deep learning to detect presentation attack on the Iris images
Size: 2.78 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 6 - Forks: 0

SeyedMuhammadHosseinMousavi/SDGbySMOTE
Synthetic Minority Over-sampling Technique (SMOTE) for Synthetic Data Generation (SDG)
Language: MATLAB - Size: 7.81 KB - Last synced at: 8 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

SSRPETER/Iris_Book_Study
To store something about Iris Book Study and other related probjects
Language: Jupyter Notebook - Size: 193 KB - Last synced at: 6 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Abhinav330/Iris-dataset-classic-ml-problem
This repository demonstrates the classification of Iris flowers into three species (Setosa, Versicolor, Virginica) using a Support Vector Machine (SVM) classifier.
Language: Jupyter Notebook - Size: 4.04 MB - Last synced at: 2 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

NirmalSagarTigga/Iris-Data-Set-Analysis-Visualization-and-Prediction
This repo consist of the way to analyze,train data,and predict new species of iris flower with the help of python libraries
Language: Python - Size: 158 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

TheMrityunjayPathak/ExploratoryDataAnalysis
Exploratory Data Analysis
Language: Jupyter Notebook - Size: 577 KB - Last synced at: 9 months ago - Pushed at: 9 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

Shaik-Sohail-72/Iris-Flower-Type-Prediction-and-Classification-with-ML-and-MERN
Iris flower type prediction and classification with machine learning and MERN web I/O system. This project predict the type of iris flower by using machine learning . K-NN algorithm is used for multiclass classification.
Language: EJS - Size: 283 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

bunji2/machinelearning
sample of golearn and gobrain
Language: Go - Size: 9.29 MB - Last synced at: 30 days ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

kachiann/Iris_streamlit
A beginners guide to machine learning with python
Language: Python - Size: 229 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

ruhil528/ML-Projects
Language: Jupyter Notebook - Size: 12.9 MB - Last synced at: 9 months ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 0

alankrantas/sefr_multiclass_classifier 📦
Implementations of multiclass version of SEFR linear-time fast classifier (TinyML)
Language: Python - Size: 346 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 27 - Forks: 7

jalalmansoori19/Classfiying-Iris-flower-species
This project is about getting familiar with machine learning classification problem !
Language: Jupyter Notebook - Size: 1.3 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 11

ashwin-v4/logistic_regression_iris
Logistic Regression
Language: Jupyter Notebook - Size: 9.77 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

m-clark/noiris
Any data but iris 👁
Language: R - Size: 185 MB - Last synced at: 11 days ago - Pushed at: over 5 years ago - Stars: 19 - Forks: 1
