Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
scikit-learn
scikit-learn is a widely-used Python module for classic machine learning. It is built on top of SciPy.
- GitHub: https://github.com/topics/scikit-learn
- Wikipedia: https://en.wikipedia.org/wiki/Scikit-learn
- Repo: https://github.com/scikit-learn/scikit-learn
- Created by: David Cournapeau
- Released: January 05, 2010
- Related Topics: scikit, python,
- Aliases: sklearn,
- Last updated: 2025-02-02 00:26:48 UTC
- JSON Representation
https://github.com/vijaykumarr1452/black_friday_sales_analysis
Black Friday Sales Analysis python machine learning project using pandas and scikit-learn for data preprocessing, model training, and performance evaluation.
confusion-matrix jupyter-notebook machine-learning pandas python random-forest-classifier sales-analysis scikit-learn
Last synced: 01 Feb 2025
https://github.com/shridhar1504/titanic-survivor-prediction-datascience-classification-project
This projects predicts whether a passenger on the titanic survived or not using machine learning algorithms with the given details of the passenger data.
classification-algorithm data-analysis data-analytics data-cleaning data-preprocessing data-science data-visualization eda exploratory-data-analysis gradient-boosting jupyter-notebook machine-learning machine-learning-algorithms matplotlib naive-bayes-classifier predictive-modeling python3 scikit-learn seaborn supervised-learning
Last synced: 23 Dec 2024
https://github.com/dahsie/spam_classification
Ce fut mon prémier projet NLP où j'ai réalisé la détection de spam en utilisant les algorithmes d'embedding pour encorder mes textes. J'ai utilisé Random Forest et Milti-Layres Perceptrons pour la phase de classification. Ce qui a pemit l'obtension des précisions respective de 97% et 98%. J'ai aussi appris à documenter mes codes via sphinx
doc2vec fasttext-embeddings gensim glove-embeddings python scikit-learn sphinx-doc word2vec-algorithm
Last synced: 23 Dec 2024
https://github.com/vivekky57/car-price-prediction
Now you can get Car Price with this wonderful end-to-end project.
flask machine-learning machine-learning-algorithms python python3 random-forest-classifier scikit-learn
Last synced: 23 Dec 2024
https://github.com/justsecret123/nba-players-stats-analysis
A quick interactive Notebook to visualize some NBA players stats (points, assists, steals, blocks...) and totals, rankings and comparisons. Feel free to add any player in the .csv data files. 🏀
csv ipython-notebook ipywidgets jupyter-notebook jupyterlab matplotlib pandas python scikit-learn seaborn
Last synced: 23 Dec 2024
https://github.com/crispengari/ml-web-applications
✔ This repository contains a series of machine learning web applications, using python.
artificial-intelligence deeplearning flask javascript machinelearning nueral-networks python scikit-learn sentiment-analysis webapplication
Last synced: 16 Dec 2024
https://github.com/saswatamcode/datascienceapi
This is a RESTful API built using Flask and Scikit-Learn. It provides a host of Classification and Regression algorithms that can be used readily and returns results in the form of predictions, confusion matrices, accuracy scores and more.
api flask ml python3 scikit-learn
Last synced: 09 Jan 2025
https://github.com/harris-giki/e-comdataanalysis_ml
E-commerce Customer Analysis with Linear Regression: analyzes customer behavior within an e-commerce setting and predict yearly customer spending based on various features using a linear regression model.
development ecommerce linear-regression machine-learning model prediction-model python scikit-learn
Last synced: 23 Jan 2025
https://github.com/tanim-mishkat/data-science-prediction-model-pds-course-
Diabetes Progression Prediction Using Regression Analysis: This project uses regression analysis in Python to predict diabetes progression based on medical and physiological data. Includes data preprocessing, model training, evaluation, and visualizations.
data-science machine-learning python regression scikit-learn
Last synced: 23 Jan 2025
https://github.com/vishnu-vamshii/fraud-detection-using-machine-learning
Developed a machine learning pipeline to detect fraudulent credit card transactions, handling imbalanced data with SMOTE and scaling. Trained models like Logistic Regression and Random Forest. Conducted EDA to identify fraud patterns.
pandas python scikit-learn tensorflow
Last synced: 23 Jan 2025
https://github.com/ayaarbi/prediction_des_maladies_cardiovasculaires_avec_ml
Ce projet, développé au sein de cours de Machine Learning, utilise des algorithmes de classification supervisée pour prédire la présence de maladies cardio-vasculaires à partir de données médicales publiées sur Kaggle.
cardiovascular-diseases jupyter-notebook machine-learning matplotlib pandas python scikit-learn
Last synced: 23 Jan 2025
https://github.com/otuemre/obesity-classification
Machine learning project to classify obesity levels based on health metrics like age, sex, height, weight, and BMI.
classification data-science healthcare machine-learning obesity-classification scikit-learn
Last synced: 23 Jan 2025
https://github.com/felinjob/ibm-applied-data-science-capstone
Este projeto, parte da especialização IBM Data Science Professional Certificate, prevê o sucesso do pouso do Falcon 9 da SpaceX. Usando dados da API da SpaceX e Web Scraping, o projeto inclui análise de dados e Machine Learning para gerar insights sobre os lançamentos.
data-analysis data-science data-visualization ibm jupyter-notebook machine-learning numpy pandas python scikit-learn seaborn sql
Last synced: 23 Jan 2025
https://github.com/debangshu9183/spam-mail-detection
To detect spam mail
logistic-regression machine-learning numpy pandas scikit-learn seaborn
Last synced: 23 Jan 2025
https://github.com/veranyagaka/credit-card-fraud-detection
Credit Card Fraud Detection using data preprocessing, analysis, visualization, and machine learning to accurately identify fraudulent transactions. -Final Project
ai anomaly-detection classification credit-card-fraud-detection machine-learning scikit-learn supervised-learning
Last synced: 23 Jan 2025
https://github.com/namratha2301/carprice_analysisandprediction
This project analyzes factors influencing vehicle prices using a dataset of various attributes, including Engine capacity, Power, Mileage, and Seating capacity.
data-analysis data-visualization exploratory-data-analysis machine-learning pandas predictive-modeling random-forest-classifier regression scikit-learn seaborn
Last synced: 23 Jan 2025
https://github.com/parag000/content-based-movie-recommender
This project builds a content-based movie recommendation system using the TMDB dataset. By combining metadata features like cast, genres, and directors into a "metadata soup," it calculates movie similarity with vectorizers (Count) and cosine similarity. Ideal for learning content-based filtering and text vectorization techniques.
cosine-similarity countvectorizer recommendation-system scikit-learn tfidf-vectorizer vectorization
Last synced: 23 Jan 2025
https://github.com/vaishnavis03/finlatics_ml_program
This repository contains the .ipynb files for 3 datasets, along with a PPT for each. The datasets included are Facebook Marketplace Data, Sales Prediction Data, and Wine Quality data.
correlation data-analysis data-science data-visualization knn linear-regression machine-learning matplotlib numpy pandas random-forest-classifier scikit-learn
Last synced: 23 Jan 2025
https://github.com/nirmaldeepponnada/codeclauseinternshipproject1
This project involves Customer Segmentation using K-Means clustering to group customers based on Recency, Frequency, and Monetary (RFM) analysis from the Online Retail dataset. It also performs Sentiment Analysis on Amazon Product Reviews using Natural Language Processing techniques & Logistic Regression to classify reviews as positive or negative.
kmeans logistic-regression numpy pandas python3 regular-expressions scikit-learn tf-idf-vectorizer
Last synced: 23 Jan 2025
https://github.com/hmasdev/ssbgm
Score Based Generative Model with scikit-learn
Last synced: 23 Jan 2025
https://github.com/cinodon/outlier-detection-saas-tfg
Outlier Detection System in SaaS Access Data
anomaly-detection clustering outlier-detection saas scikit-learn unsupervised-learning
Last synced: 23 Jan 2025
https://github.com/mosalem149/data-mining-assignments
That repo for data mining quizzes and tasks.
anaconda data-mining dataframe jupyter-notebook matplotlib mlxtend numpy pandas python quizzes scikit-learn seaborn tasks
Last synced: 23 Jan 2025
https://github.com/raju-2003/indiaai-cyberguard-ai-hackathon
An NLP-powered system to simplify cybercrime reporting by analyzing descriptions, categorizing incidents, and providing actionable insights.
matplotlib nltk numpy pandas python random-forest-classifier re scikit-learn seaborn shap spacy wordcloud
Last synced: 23 Jan 2025
https://github.com/purcellcjp/credit-risk-classification
This project utilized Python and scikit-learn libraries to train and evalute a Machinge Learning model based on loan risk.
machine-learning numpy pandas-dataframe python scikit-learn
Last synced: 23 Jan 2025
https://github.com/bastianlq/gym-prediccion-churn-y-agrupacion-clustering
Predicción de churn, agrupación de clientes mediante clustering y recomendaciones de marketing para gym
aprendizaje-automatico clustering machine-learning scikit-learn
Last synced: 23 Jan 2025
https://github.com/raminbadri/machine-learning-with-python
This where I will upload all my machine learning projects and samples
classification clustering data-science jupyter-notebook machine-learning matplotlib numpy pandas python3 regreession scikit-learn
Last synced: 23 Jan 2025
https://github.com/andresmg07/real-time-sign-language-translator
AI-driven real-time American Sign Language translator. Implemented leveraging Support Vector Machines (SVM), OpenCV library and MediaPipe hands module.
ai computer-vision machine-learning mediapipe opencv pattern-recognition scikit-learn support-vector-machines
Last synced: 23 Jan 2025
https://github.com/abdullahashfaq-ds/sms-spam-detection
A machine learning application designed to classify SMS messages as spam or non-spam, offering real-time analysis to identify potentially harmful content.
css3 docker flask html5 javascript matplotlib nltk numpy pandas python scikit-learn seaborn tailwindcss xgboost
Last synced: 17 Dec 2024
https://github.com/jol79/python_exercises
Solving interesting python exercises on different topics
matplotlib-pyplot numpy pandas python3 pythonexercises scikit-learn seaborn
Last synced: 11 Dec 2024
https://github.com/gregoritsch3/ml_eda_clustering_aidassessment
An EDA and Machine Learning Clustering exercise on the Country Aid Assessment dataset demonstrating the use of PCA, KMeans and DBSCAN clustering, Elbow Methods, etc. The clustering algorithm successfully demarcates countries that are in most dire need of aid based on their GDPP and Child Mortality rate.
dbscan kmeans machine-learning matplotlib numpy pandas pca scikit-learn seaborn
Last synced: 17 Dec 2024
https://github.com/albarji/teachingcontainer
A Docker container I use for my lectures
docker keras machine-learning scikit-learn
Last synced: 17 Dec 2024
https://github.com/nandahkrishna/flightdelay
Flight Delay Prediction using ML
classification flight-delay-prediction jupyter-notebook machine-learning python regression scikit-learn two-stage
Last synced: 30 Jan 2025
https://github.com/scikit-learn/pairwise-distances-reductions-asv-suite
A dedicated asv suite for scikit-learn private PairwiseDistancesReductions
asv benchmarks cython scikit-learn
Last synced: 17 Dec 2024
https://github.com/pratishtha-abrol/sentimentanalysis
Logistic Regression: A sentiment analysis case study
logistic-regression nltk-python scikit-learn sentiment-analysis
Last synced: 12 Dec 2024
https://github.com/dmarks84/coursework_project_ml-classification
Project for IBM Data Science course on Machine Learning -- Trained ML models for classification, evaluating based on a variety of metrics
classification communication data-modeling dataframes numpy pandas python scikit-learn supervised-ml
Last synced: 23 Dec 2024
https://github.com/dmarks84/coursework_project_ml-classifier-eval-selection
Project for University of Michigan Applied Data Science Specialization -- Predicted viewer engagement based on features related to video metrics; evaluated a large set of classifiers under different scoring metrics to select the "optimal" one.
classification cross-validation data-modeling data-reporting data-visualization databases dataframes eda grid-search matplotlib numpy pandas python scikit-learn statistics supervised-ml
Last synced: 23 Dec 2024
https://github.com/dmarks84/coursework_project_network-analysis-node-link-prediction
Project for University of Michigan Applied Data Science Specialization -- Analyzed network nodes and edges, developing custom features based on various scoring metrics; used features to train classifier model to predict node attribute (employee salary type) and future edges (employee connections)
classification cross-validation data-reporting databases eda grid-search matplotlib network-analysis numpy pandas python scikit-learn statistics supervised-ml visualization
Last synced: 23 Dec 2024
https://github.com/dmarks84/coursework_project_ml-model-eval-refine
Project for IBM Data Science course on ML Models & Analysis -- Read in large dataset of home sales and utilized polynomial linear regression analysis to make predictions of future home sales prices
classification communication data-modeling dataframes machine-learning matplotlib numpy pandas programming python regression scikit-learn scipy seaborn supervised-ml visualization
Last synced: 23 Dec 2024
https://github.com/msadeqsirjani/machine_learning_hands_on
A comprehensive machine learning repository containing different concepts, algorithms and techniques.
cnn computer-vision data-analysis data-science data-visualization deep-learning keras machine-learning matplotlib neural-network nlp numpy open-source pandas python rnn scikit-learn seaborn tensorflow
Last synced: 17 Dec 2024
https://github.com/saahilanande/naivebayes
Implimenting Naive Bayes classifier from scratch for sentiment analysis of IMDB dataset
machine-learning naive-bayes-classifier python-3 scikit-learn
Last synced: 10 Jan 2025
https://github.com/martinkersner/kmeans-meetup
Presentation about k-Means for Seoul AI Meetup on July 22, 2017.
kmeans numpy python scikit-learn
Last synced: 01 Jan 2025
https://github.com/samkazan/fraud-detection-ml
Machine learning models for enhanced fraud detection in e-commerce transactions, exploring feature engineering, distance prediction, and clustering analysis.
clustering data-science data-visualization dataanalytics dbscan eda hierarchical-clustering kmeans-clustering knn-imputer matplotlib mlxtend python scikit-learn seaborn xgboost
Last synced: 23 Dec 2024
https://github.com/ahmadmessbah/classification_app
Machine Learning No-Code Environment
classification knn logistic-regression machine-learning machinelearning mlp scikit-learn sklearn svm
Last synced: 01 Jan 2025
https://github.com/rishi035/advanced-house-price-predictions
This is my First Project and also participated in kaggle competition
linear-regression machine-learning python random random-forest regressor-models scikit-learn
Last synced: 01 Jan 2025
https://github.com/themihirmathur/machine-failure-predictor
The 'Machine Failure Predictor' is a web application designed to enable predictive maintenance for industrial equipment. Leveraging machine learning techniques, this application predicts whether equipment will fail and identifies the type of failure based on key process parameters.
cicd digitalocean docker fastapi flask github github-actions machine-learning matplotlib mlops numpy plotly python randomforest scikit-learn seaborn streamlit
Last synced: 01 Jan 2025
https://github.com/themihirmathur/soiligator
Soiligator is an advanced machine learning project designed to optimize irrigation management by predicting whether irrigation is necessary based on environmental and soil-related data.
auc-score logistic-regression machine-learning matplotlib numpy pandas python random-forest-classifier roc-curve scikit-learn seaborn standardscaler support-vector-machine
Last synced: 01 Jan 2025
https://github.com/tedim52/discjockey
a content-based recommender system for your party playlist preferences
jupyter-notebook matplotlib pandas scikit-learn spotify-web-api
Last synced: 12 Dec 2024
https://github.com/raphael-ufrj/analise_algodao
Análise histórica de plantio de algodão, analise do plantio com base no clima e nos dados históricos.
analysis data-science data-visualization dataset docker pandas provenance python python3 scikit-learn seaborn streamlit
Last synced: 12 Dec 2024
https://github.com/nabilshadman/python-classification-and-generative-models
Applications of classification and generative models with Python
classification data-science data-visualization generative-model machine-learning matplotlib numpy pandas scikit-learn
Last synced: 17 Dec 2024
https://github.com/nabilshadman/python-uk-weather-analytics
An end-to-end data science workflow of UK weather data
data-engineering data-science data-visualization machine-learning matplotlib numpy pandas scikit-learn
Last synced: 17 Dec 2024
https://github.com/emilyfelker/ieee_cis_fraud_detection
Which online transactions are fraudulent? Program that uses machine learning to detect fraud.
kaggle logistic-regression machine-learning pandas poetry python scikit-learn sklearn xgboost
Last synced: 13 Dec 2024
https://github.com/toscdom/spam_detection
This repository contains a project focused on analyzing and classifying emails to detect SPAM. It includes: Training a machine learning classifier for SPAM detection. Identifying key topics in SPAM emails using NLP techniques. Calculating semantic distances to evaluate topic similarity. Tools used include Python libraries like nlp frameworks
classifier nlp nltk scikit-learn semantic-analysis spam-detection
Last synced: 13 Dec 2024
https://github.com/thekartikeyamishra/ai-customer-feedback-summarizer
The AI Customer Feedback Summarizer is a Python-based application that processes customer feedback, extracts insights, and summarizes reviews. This basic version uses extractive summarization techniques, and the advanced version integrates advanced sentiment analysis, visualization, and industry-specific fine-tuning.
ai chatbot gpt machine-learning matplotlib nltk pandas python scikit-learn streamlit
Last synced: 13 Dec 2024
https://github.com/sundanc/movierecommendation
Simple movie recommendation system built with Streamlit
movie-recommendation-app python scikit-learn scikitlearn-machine-learning streamlib
Last synced: 13 Dec 2024
https://github.com/vnazzareno/dva263-group-4-2024
DVA263 INL1
machine-learning python random-forest regression-models scikit-learn supervised-machine-learning
Last synced: 13 Dec 2024
https://github.com/infinitode/scikit-learn-decisiontreeclassifier-updater
An open-source tool to convert older Scikit-learn DecisionTreeClassifier models to the newer version.
ai classifier cli converter decisiontree python scikit-learn sklearn tools
Last synced: 13 Dec 2024
https://github.com/sunilvarma-l/liver-disease-prediction
This project focuses on predicting liver disease using machine learning techniques. The dataset includes 615 records with 13 features, such as blood and urine analysis measurements. The target variable is categorical, with five classes: No Disease, Suspect Disease, Hepatitis C, Fibrosis, and Cirrhosis.
machine-learning numpy pandas python scikit-learn statistics streamlit tensorflow
Last synced: 13 Dec 2024
https://github.com/arnavk-09/phishing-detection
🎣 Detect Phishing URLs with Data Pre-fitted... API & Web UI
csv data fastapi flask python scikit-learn
Last synced: 13 Dec 2024
https://github.com/virajbhutada/house-price-prediction
This repository houses the implementation of a linear regression model designed to predict house prices based on key factors such as square footage, number of bedrooms, and number of bathrooms. The project delves into fundamental concepts in data analysis, machine learning, and model evaluation.
google-colab house-price-prediction matplotlib pandas python scikit-learn seaborn
Last synced: 10 Jan 2025
https://github.com/swetshaw/machine-learning-a-z
It contains all tutorials based on Udemy course Machine Learning A-Z.
machine-learning python scikit-learn udemy-machine-learning
Last synced: 17 Jan 2025
https://github.com/abhishekbagdiya01/movies-recommendation-system
This repository contains the code for a movie recommendation system built using Jupyter Notebook.
aiml jupyter-notebook numpy pandas python scikit-learn
Last synced: 23 Dec 2024
https://github.com/mangesh-balkawade/pythonautomationsscripts
This is the repository which contains the python automations scripts and machine learning case studies , and Python Projects that I have write to learn automations and ML using python.
automation data-science machine-learning-algorithms matplotlib mongodb pandas python3 scikit-learn seaborn webscraping
Last synced: 01 Jan 2025
https://github.com/debjyotisaha/web-application-projects
Web Applications developed with the help Python libraries and ML algorithms
algorithms cufflinks machine-learning matplotlib numpy pandas prediction python scikit-learn seaborn sklearn streamlit
Last synced: 17 Dec 2024
https://github.com/divinenaman/color-extraction-api
Extract colours from images using K-means, along with FastAPI pipeline.
fastapi k-means-clustering scikit-learn
Last synced: 17 Dec 2024
https://github.com/adhadse/hands-on-machine-learning-book-notes-and-practice
This repo holds the Jupyter notebooks and datasets containing notes/comments on things I learned from this book. Feel free to use and learned from them.
data-science deep-learning jupyter-notebooks keras machine-learning python scikit-learn tensorflow
Last synced: 17 Dec 2024
https://github.com/rafie-b/data-analytics
Activities of Data Analysis.
apache-spark api aws business-analytics data data-analytics data-science database dataframe jupyter-notebook python scikit-learn sql
Last synced: 24 Dec 2024
https://github.com/sonu275981/flight-fare-prediction
End to end implementation of Machine Learning Airline Flight Fare Prediction using python
flight-price-prediction gradient-boosting machine-learning predicts-flight-fares python3 regression-models scikit-learn
Last synced: 24 Dec 2024
https://github.com/cs50victor/cspaint
handwritten-text recognition application
ai machine-learning python scikit-learn
Last synced: 18 Dec 2024
https://github.com/henriqueotogami/imersao-dados-3-alura
Terceira edição da Imersão Dados da Alura (03 a 07/05/21). O projeto dessa edição foi inspirado em um desafio do Laboratory Innovation Science at Harvard disponibilizado no Kaggle.
alura bioinformatics data-science drug-discovery google-collab harvard-university imersaodados jupyter-notebook kaggle-challenge laboratory-innovation-science matplotlib pandas python3 scikit-learn seaborn
Last synced: 24 Dec 2024
https://github.com/sanikamal/deep-learning-atoz
A collection of deep learning architectures ,model, code snippets, tips and mini projects.
computer-vision deep-learning nlp scikit-learn skimage tensorflow
Last synced: 10 Jan 2025
https://github.com/abrahamkoloboe27/retail-sales-analysis-and-prediction
Retail Sales Dasboard and Prevision
dashboard machine-learning plotly python python3 scikit-learn streamlit
Last synced: 17 Jan 2025
https://github.com/manojpatra1991/machine-learning-engineer-nanodegree
Machine Learning Engineer Nanodegree Projects - My Submissions
adaboost csv-files decision-tree html jupyter-notebook linear-regression machine-learning machine-learning-algorithms machine-learning-nanodegree naive-bayes-classifier python3 scikit-learn support-vector-machine
Last synced: 24 Dec 2024
https://github.com/rohit1901/py-cluster
Classifier and Cluster Analysis in Data Science
classification clustering data-science k-means-clustering machine-learning pytest python python3 ruff scikit-learn
Last synced: 17 Jan 2025
https://github.com/pspanoudakis/machine-learning-nlp
NLP 🤖 📖 projects on Vaccine Sentiment Classification 💉 and Question Answering 💬
bert-fine-tuning glove-embeddings neural-networks pytorch question-answering rnn scikit-learn sentiment-classification softmax-regression squad
Last synced: 18 Dec 2024
https://github.com/rtahmasbi/data-science
Data Science using Python and R
data-science python3 r scikit-learn supervised-learning tensorflow unsupervised-learning
Last synced: 01 Jan 2025
https://github.com/shibbir-ahmad24/water-potability-prediction-using-hybrid-machine-learning-techniques
Water Potability Prediction Using Hybrid Machine Learning Techniques
machine-learning matplotlib numpy pandas python3 scikit-learn seaborn
Last synced: 18 Dec 2024
https://github.com/alyssonmach/machine-learning-com-python
Aplicações de Machine Learning usando a linguagem de programação Python.
ia keras-tensorflow machine-learning matplotlib numpy pandas programming python scikit-learn scipy
Last synced: 24 Dec 2024
https://github.com/ramarav/scikitlearn_practice
Scikit Learn Practice
python3 scikit-learn scikitlearn-machine-learning sklearn
Last synced: 24 Dec 2024
https://github.com/gayathri2200/car-price-prediction---machine-learning
Car price prediction Machine Learning --- Which is used to predict the price of used cars based on the features.
data-science machine-learning modeldeployment pandas price-prediction python regression scikit-learn streamlit visual-studio visualization
Last synced: 18 Dec 2024
https://github.com/jayadavv/dynamic-ml-model-selector
An interactive web application that allows users to upload their datasets and dynamically select, train, and evaluate various machine learning models. The app provides comprehensive performance metrics and visualizations, making it easy for users to analyze their data effectively.
decision-trees linear-regression logistic-regression matplotlib-pyplot plotly python random-forest scikit-learn streamlit
Last synced: 18 Dec 2024
https://github.com/danishtalpur/sentiview-website
SentiView is a sentiment analysis tool designed to analyze and interpret the emotions behind tweets on Twitter. The platform processes textual data from user-generated tweets to determine the sentiment behind them—whether they are positive, negative, or neutral.
css flask html java naive-bayes-classifier scikit-learn twitter-sentiment-analysis
Last synced: 18 Dec 2024
https://github.com/afkewolczyk/data_science_bootcamp
A data science project to learn data science essentials such as: pandas, Matplotlib, Scikit learn
ai data-science machine-learning pandas scikit-learn
Last synced: 18 Dec 2024
https://github.com/blleshi/neural_network_binary_classification
Venture Funding with Deep Learning (Neural Network Binary Classification)
binary-classification binary-crossentropy deep-learning hdf5 keras neural-network neural-network-model pandas preprocessing-data scikit-learn standard-scaler tensorflow venture-funding
Last synced: 10 Jan 2025
https://github.com/allanreda/automated-k-means-clustering-engine
An interactive K-Means clustering tool built with Flask and Scikit-Learn, supporting Excel file uploads, cluster analysis, and data export, deployed on Google Cloud Run via Docker with CI/CD integration.
cicd css data-visualization deployment docker flask google-cloud-run html javascript k-means-clustering machine-learning matplotlib numpy pandas python scikit-learn
Last synced: 18 Dec 2024
https://github.com/aneeshmurali-n/ann-diabetes-prediction
Predicting diabetes progression using an Artificial Neural Network (ANN). This project leverages the scikit-learn diabetes dataset for training and evaluation. Includes data preprocessing, model building, and performance visualization.
ann data-preprocessing data-visualization deep-learning diabetes-prediction exploratory-data-analysis keras machine-learning matplotlib neural-network numpy pandas regression scikit-learn seaborn tensorflow visualization
Last synced: 18 Dec 2024
https://github.com/jagadishmali567/personal-data-science-projects
This page contains all of my personal data science projects. 📊📈📉👨💻
data-analysis data-visualization exploratory-data-analysis jupyter-notebooks machine-learning-algorithms matplotlib-pyplot numpy-library pandas-python personal-project predictive-modeling programming python3 scikit-learn scipy seaborn statistical-analysis
Last synced: 18 Dec 2024
https://github.com/marionchaff/real-estate-price-prediction-france
Real estate price prediction using French public database DVF
data-analysis dvf-data machine-learning price-prediction python real-estate scikit-learn
Last synced: 24 Dec 2024
https://github.com/prosenjitjoy/webscraper---the-numbers
It is a basic Data Science project I made to implement my basic knowledge of the different libraries on a single project. This project will servers as an introduction to Data Science workflow to anyone interested.
data-science matplotlib python scikit-learn webscraper
Last synced: 19 Dec 2024
https://github.com/haekalsetiawan/banana-quality-ml-analysis
The Banana Quality Analysis ML project classifies the quality of bananas using machine learning. By analyzing banana images and relevant features, the model categorizes bananas into quality tiers. Key stages include data preprocessing, feature extraction, model training, and evaluation, resulting in high accuracy.
Last synced: 19 Dec 2024
https://github.com/ngangawairimu/linear-regression-
This project builds a linear regression model in Python to predict outcomes and derive insights from feature data. It covers data cleaning, feature analysis, and model evaluation, showcasing predictive modeling techniques using scikit-learn, pandas, and visualization libraries.
data-analysis linear-regression machine-learning predictive-modeling python scikit-learn
Last synced: 19 Dec 2024
https://github.com/msikorski93/sentinel-2-image-clustering
Image clustering with k-means approach.
clustering gis google-earth-engine k-means-clustering remote-sensing satellite-imagery scikit-learn sentinel-2 unsupervised-machine-learning
Last synced: 19 Dec 2024
https://github.com/jupitvq/simple-uib-assistant
Chatbot sederhana berbasis scikit-learn untuk membantu mahasiswa memberikan informasi seputar akademik & administrasi UIB.
chatbot machine-learning scikit-learn virtual-assistant
Last synced: 19 Dec 2024
https://github.com/aleksibovellan/ai-image-recognition-for-finnish-trees
AI/ML Trained Image Recognition for Finnish trees in Python with Gradio Web Interface
ai finnish gradio image ml numpy opencv-python python python3 pytorch recognition resnet-18 scikit-learn torch torchvision torchvision-transforms tree trees
Last synced: 19 Dec 2024
https://github.com/mayankyadav23/shipment-pricing-prediction
Shipment Pricing Prediction 📦🔍 is a machine learning project that forecasts shipment prices based on various supply chain factors. Using advanced regression models, it provides valuable insights 📊 to optimize pricing strategies in the supply chain analytics domain.
data-visulization flask ineuron-ai machine-learning python scikit-learn shipment-and-pricing
Last synced: 19 Dec 2024
https://github.com/alainlebret/python-et-ia-2
Ressources personnelles du cours "Python & IA" en 2e année GPSE à l'ENSICAEN
artificial-intelligence deep-learning image-processing machine-learning matplotlib neural-network numpy python scikit-image scikit-learn
Last synced: 19 Dec 2024