Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

scikit-learn

scikit-learn is a widely-used Python module for classic machine learning. It is built on top of SciPy.

https://github.com/labex-labs/unsupervised-learning-clustering

[Unsupervised Learning: Clustering] This repository collects 9 of programming scenarios (labs and challenges) for Unsupervised Learning: Clustering. In this course, you will fully understand unsupervised learning and learn to use unsupervised learning to perform data clustering.

awesome awesome-list challenges course education hands-on labex labs machine-learning programming scikit-learn

Last synced: 13 Nov 2024

https://github.com/labex-labs/supervised-learning-classification

[Supervised Learning: Classification] This repository collects 10 of programming scenarios (labs and challenges) for Supervised Learning: Classification. During this course, we will continue to learn another important application in supervised learning - solving classification problems. In the fo...

awesome awesome-list challenges course education hands-on labex labs machine-learning programming scikit-learn

Last synced: 13 Nov 2024

https://github.com/labex-labs/quick-start-with-tensorflow

[Quick Start with TensorFlow] This repository collects 9 of programming scenarios (labs and challenges) for Quick Start with TensorFlow. In this course, you will learn the basic concepts and syntax of TensorFlow 2, and how to use TensorFlow 2 to implement deep learning algorithms.

awesome awesome-list challenges course education hands-on labex labs machine-learning programming scikit-learn tensorflow

Last synced: 13 Nov 2024

https://github.com/roboneet/enron_analysis

udacity project (to be complete)

machine-learning scikit-learn

Last synced: 30 Jan 2025

https://github.com/labex-labs/foundations-of-deep-learning

[Foundations of Deep Learning] This repository collects 7 of programming scenarios (labs and challenges) for Foundations of Deep Learning. In this course, you will learn the basic concepts of deep learning, including the basic principles of neural networks, the basic principles of TensorFlow, Ker...

awesome awesome-list challenges course education hands-on labex labs machine-learning programming scikit-learn tensorflow

Last synced: 13 Nov 2024

https://github.com/otuemre/viginids

VigiNIDS: A machine learning-based system for detecting malicious network traffic using the UNSW-NB15 dataset. It distinguishes between normal and attack activities, providing a data-driven approach to network security.

classification cybersecurity intrusion-detection-system machine-learning network-intrusion-detection python scikit-learn unsw-nb15 xgboost

Last synced: 03 Feb 2025

https://github.com/moritzkoerber/data_science_posts

This repository hosts the code for my data science related blog posts.

hyperparameter-tuning machine-learning pipeline python scikit-learn

Last synced: 09 Jan 2025

https://github.com/abdel-17/facial-recognition

Facial recognition using Machine Learning in Python

machine-learning pca python scikit-learn

Last synced: 16 Feb 2025

https://github.com/mramshaw/intro-to-ml

Intro to Machine Learning - Pattern Recognition for Fun and Profit

machine-learning matplotlib ml numpy pandas pip pip3 python scikit-learn scipy seaborn seaborn-plots sklearn statsmodels tensorflow weka

Last synced: 14 Jan 2025

https://github.com/mark1708/neurointerfaces-of-information-systems

Laboratory work on the discipline "Neurointerfaces of information systems"

numpy pandas python scikit-learn

Last synced: 12 Jan 2025

https://github.com/hasanulmukit/spam-email-classifier

This is a Spam Email Classifier built using Python and Streamlit. It uses a pre-trained model to predict whether an email is Spam or Not Spam. The app also provides the probability scores for both categories, enhancing transparency and reliability of the prediction.

email-classifier machine-learning nlp python scikit-learn spam-detection streamlit text-classification

Last synced: 03 Feb 2025

https://github.com/divakarkumarp/pneumonia-detection

Deep learning (DL) model is a pneumonia fighter! Trained on chest X-ray images, it analyzes patterns to detect the lung infection. Imagine a digital doctor scrutinizing the X-ray, pinpointing areas that might be pneumonia. The model outputs a probability score, helping doctors confirm or rule out the illness.

cnn deep-learning docker keras python scikit-learn streamlit tensorflow

Last synced: 22 Jan 2025

https://github.com/sk-g/mnist_beginners

Model search in traditional machine learning algorithms (non DL) and DL starter codes on MNIST dataset. This is a good starter code for beginners trying to learn about curse of dimensionality, overfitting and other concepts in general

keras machine-learning machine-learning-algorithms mnist mnist-beginners mnist-classification mnist-dataset numpy overfitting python pytorch pytorch-implmention resnet resnet-50 scikit-learn scikitlearn-machine-learning sklearn tensorflow

Last synced: 09 Feb 2025

https://github.com/daniel-fink-de/contextual-encoders

A library of scikit-learn compatible contextual variable encoders

data-science machine-learning scikit-learn

Last synced: 09 Jan 2025

https://github.com/rishisolanke/twitter-sentiment-analysis-using-machine-learning-

A research project that classifies tweets as positive, negative, or neutral using ML algorithms (Logistic Regression, NaΓ―ve Bayes, SVM) with NLP preprocessing.

data-science data-visualization logistic-regression machine-learning ml-models naive-bayes natural-language-processing nlp scikit-learn sentiment-analysis svm text-classification twitter-data

Last synced: 03 Feb 2025

https://github.com/archish27/pythontutorial

Python Programming Tutorial for new geeks who want to learn python from scratch to deal with various applications

matplotlib numpy pandas pygame python python-2 python-3 scikit-learn soup

Last synced: 20 Jan 2025

https://github.com/supernovasatsangi23/modifying-biomarker-gene-identification-for-effective-cancer-categorization

A project that focuses on implementing a hybrid approach that modifies the identification of biomarker genes for better categorization of cancer. The methodology is a fusion of MRMR filter method for feature selection, steady state genetic algorithm and a MLP classifier.

dataset deep-learning deep-neural-networks feature-selection genetic-algorithm machine-learning machine-learning-algorithms mlp-classifier mrmr neural-network numpy pandas-dataframe python python3 scikit-learn scikit-learn-python tkinter-gui tkinter-python

Last synced: 03 Feb 2025

https://github.com/avik-pal/kaggle-titanic

Predicting whether a given set of people survive on the Titanic

machine-learning numpy pandas scikit-learn scikitlearn-machine-learning

Last synced: 21 Jan 2025

https://github.com/urvee1810/eda-time-series

A comprehensive time series analysis of French retail quarterly sales data from 2012 to 2017. The project focuses on analyzing sales patterns, seasonal decomposition, and trend analysis using various statistical techniques and visualizations.

arima-modeling data-visualization exploratory-data-analysis matplotlib numpy pandas pmdarima python scikit-learn seaborn statsmodels time-series-analysis trend-analysis

Last synced: 19 Feb 2025

https://github.com/daniil-leshchev/spotify_ml

Track Popularity Prediction based on Spotify Data

eda keras ml pandas scikit-learn

Last synced: 01 Feb 2025

https://github.com/manalisbhavsar/mall-customers-clustering

K-Means clustering to mall customer data, segmenting customers based on their annual income and spending score. To identify patterns and group customers for targeted marketing.

data-analysis data-visualization matplotlib numpy pandas python scikit-learn

Last synced: 19 Feb 2025

https://github.com/garimarao24/customer-churn-project

This repository contains a Customer Churn Prediction project that leverages Machine Learning techniques to predict customer churn and segment customers using clustering.

customer-churn kmeans-clustering logistic-regression machine-learning pca scikit-learn

Last synced: 19 Feb 2025

https://github.com/lorenzorottigni/ml-lending-club

Machine Learning python bootcamp: random forest classifier on LendingClub dataset

ipynb machine-learning numpy pandas python random-forest-classifier scikit-learn seaborn

Last synced: 30 Jan 2025

https://github.com/messierandromeda/sentiment-analysis

Sentiment analysis with the IMDB movie review dataset.

imdb-dataset python scikit-learn sentiment-analysis

Last synced: 09 Feb 2025

https://github.com/wuweiweiwu/zookeeper-bot

Bot for Facebook Messenger game Zookeeper using scikit-learn SVM :dromedary_camel:

facebook-messenger scikit-learn svm zookeeper

Last synced: 24 Jan 2025

https://github.com/monish-nallagondalla/cement_strength_prediction

The Cement Strength Prediction project uses machine learning to predict the compressive strength of cement based on its components, such as Cement, Fly Ash, Water, Superplasticizer, Coarse Aggregate, Fine Aggregate, and Age. The goal is to forecast compressive strength (MPa) for optimized cement production and quality control.

cement-strength-prediction construction-industry data-analysis data-preprocessing data-science data-visualization feature-engineering machine-learning predictive-modeling python regression-analysis scikit-learn

Last synced: 03 Feb 2025

https://github.com/vishal-verma-96/capstone_project_by_skill_academy

Capstone Project by skill Academy- Exploratory Analysis, Visualization and Prediction of Used Car Prices. Deploying the highest-scoring model with Streamlit web app

data-analysis data-science jupyter-notebook machine-learning machine-learning-algorithms matplotlib numpy pandas python3 regression-algorithms scikit-learn seaborn

Last synced: 18 Oct 2024

https://github.com/kheriberto/knn_project

This is a simple project that uses dummie data to practice and demonstrate my knowledge of the KNN algorithm.

data-analysis knn-classifier numpy python scikit-learn seaborn

Last synced: 02 Feb 2025

https://github.com/ledsouza/machine-learning-client-satisfaction

Este projeto tem como objetivo construir um modelo de Machine Learning capaz de prever a satisfação de clientes de uma companhia aérea.

cross-validation hyperparameter-optimization machine-learning machine-learning-algorithms mlxtend one-hot-encoding pandas python scikit-learn

Last synced: 14 Jan 2025

https://github.com/vishal-verma-96/pre-owned-car-price-prediction-using-streamlit-app

Capstone Project by skill Academy- Exploratory Analysis, Visualization and Prediction of Used Car Prices. Deploying the highest-scoring model with Streamlit web app

data-analysis data-science jupyter-notebook machine-learning machine-learning-algorithms matplotlib numpy pandas python3 regression-algorithms scikit-learn seaborn streamlit

Last synced: 02 Feb 2025

https://github.com/NoName115/Bachelor-thesis

Bachelor thesis - Determination of Gun Type and Position in Image Scene

bachelor-thesis classification computer-vision fit gun keras machine-learning scikit-image scikit-learn vut

Last synced: 23 Oct 2024

https://github.com/tnleite/credit-card-customer-clustering

Este repositório apresenta um projeto de segmentação e predição de clientes de cartáes de crédito. Utilizando EDA, clusterização (K-Means) e machine learning, o objetivo é prever o grupo de novos clientes, apoiando estratégias de marketing personalizadas.

classification-algorithm clustering-algorithm clustering-analysis data-science exploratory-data-analysis kmeans-clustering logistic-regression machine-learning-algorithms machine-learning-models matplotlib numpy scikit-learn seaborn

Last synced: 04 Feb 2025

https://github.com/santiagoasp98/spam-detection

SMS spam detection using Logistic Regression and Multinomial Naive Bayes.

classification logistic-regression machine-learning multinomial-naive-bayes python scikit-learn spam-detection

Last synced: 07 Feb 2025

https://github.com/evanch98/predict-concrete-strength-keras

Predict-concrete-strength deep learning model trained using Keras. This project is part of the IBM AI Engineering Professional Certificate.

deep-learning google-colab jupyter-notebook keras keras-tensorflow numpy pandas python regression-models scikit-learn

Last synced: 22 Jan 2025

https://github.com/ejw-data/ml-clustering-personality

Analaysis of the big-5 personality test survey results with clustering techniques.

clustering machine-learning python scikit-learn unsupervised-learning

Last synced: 22 Jan 2025

https://github.com/sunilvarma-l/liverdiseaseprediction

"Streamlit app to predict liver disease risk using a machine learning model based on patient input data."

machine-learning matplotlib numpy pandas pickle python scikit-learn seaborn streamlit

Last synced: 07 Feb 2025

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: 09 Feb 2025

https://github.com/ejw-data/proj-food-inspections

Analyzing Chicago Food Inspection data for interesting insights by combining multiple data resources and performing feature engineering.

decision-trees pandas preprocessing python scikit-learn

Last synced: 22 Jan 2025

https://github.com/ejw-data/ml-playground

Testing the limitations, inabilities, and strengths of models with synthetic data

machine-learning python scikit-learn

Last synced: 22 Jan 2025

https://github.com/iamabhaytiwari343/book-recommendation-system

A Book Recommender System using Python

numpy pandas python scikit-learn

Last synced: 22 Jan 2025

https://github.com/lmriccardo/moments-learning

Repository for the First-Second Moments Learning project. In this repo you will find an implementation of a learning model to learn the relationship between time-series model parameters and the first two moments of its outputs

machine-learning mean mlp-regressor models random-forest scikit-learn time-series torch variance

Last synced: 10 Feb 2025

https://github.com/agnivchtj/ann

Develop an Artificial Neural Network that can classify inputs based on a number of features

backpropagation-algorithm jupyter-notebooks python scikit-learn

Last synced: 22 Jan 2025

https://github.com/broodhoney/titanic-ml-from-disaster

This repository contains my analysis and solutions for the Titanic: Machine Learning from Disaster competition on Kaggle. The notebook explores the dataset, performs extensive Exploratory Data Analysis (EDA), applies feature engineering techniques, and builds predictive models to determine survival outcomes based on passenger data

machine-learning numpy pandas python scikit-learn scikitlearn-machine-learning

Last synced: 03 Feb 2025

https://github.com/hariprasath-v/av-dataverse-hack---insurance-claim-prediction

Create a machine learning model to predict if the policyholder will file a claim in the next 6 months or not based on the set of car and policy features.

analyticsvidhya classification exploratory-data-analysis f1-score matplotlib numpy pandas python randomforest-classification scikit-learn seaborn shap

Last synced: 13 Jan 2025

https://github.com/agnivchtj/us-census-classifier

Find the optimal classification algorithm that can predict salaries above $50k, based on US Census data.

census-data decision-tree-classifier jupyter-notebooks knn-classifier logistic-regression naive-bayes-classifier python scikit-learn svm-classifier

Last synced: 22 Jan 2025

https://github.com/simranjeet97/spam-classification

Spam Classification Using Natural Language Processing (NLP), Scikit-Learn Library, and Bayesian Method.

data-science emails kaggle kaggle-dataset naive-bayes-classifier nlp-machine-learning nltk-python python scikit-learn spam-classification

Last synced: 14 Jan 2025

https://github.com/thchilly/mlds102_py_exercises

Complete exercise sets from MLDS Practical Data Science and Applications course

data-science matplotlib numpy pandas python scikit-learn scipy tensorflow

Last synced: 27 Jan 2025

https://github.com/sridharyadav07/machine-learning-project-bankruptcy-prevention-

The project explores multiple machine learning algorithms and evaluates their performance using various metrics, such as accuracy and confusion matrices. The models tested include Logistic Regression, K-Nearest Neighbors (KNN), Naive Bayes, and Support Vector Machine (SVM). In addition, regularization techniques (L1, L2) are used to avoid overfit.

data-preprocessing evaluation machine-learning-models matplotlib-pyplot modelbuilding modeldeployment numpy pandas python scikit-learn seaborn

Last synced: 17 Feb 2025

https://github.com/skypse/santander-coders-data_science-course

Curso de Data Science, proposto pelo Satander, utilizando Python!

jupyter-notebook numpy pandas-python python scikit-learn

Last synced: 16 Jan 2025

https://github.com/theanujsinha01/ml-model-builder-app

This project is a user-friendly Machine Learning Model Builder developed with Streamlit. It allows users to upload datasets, clean data, preprocess features, and build, tune, and test various regression models interactively.

machine-learning-algorithms ml pandas python scikit-learn streamlit

Last synced: 12 Jan 2025

https://github.com/manojkp08/student-performance-analysis

The Student Performance Analyzer is your go-to solution for understanding and improving student performance. By blending the power of machine learning with interactive visualizations, this tool provides educators and learners with personalized insights into learning styles, performance gaps, and actionable improvements.

machine-learning numpy pandas python requests scikit-learn streamlit

Last synced: 27 Jan 2025

https://github.com/sridharyadav07/machine-learning-project-combined-cycle-power-plant-

This project is focused on Multiple machine learning models, including Linear Regression, Decision Tree Regression, and Random Forest Regression, were implemented to predict the target variable and evaluated using various metrics like RMSE, MAE, and R-squared. The performance of these models was compared, and the Random Forest Regressor was found.

data-processing decisiontreeregressor linear-regression metrics-evaluation python random-forest-regressor scikit-learn

Last synced: 17 Feb 2025

https://github.com/icepanorama/internship-visualizations-and-demonstrations

A collection of some of the programs that I've written over the course of my internship.

artificial-intelligence machine-learning matplotlib numpy pandas python3 pytorch scikit-learn

Last synced: 01 Feb 2025

https://github.com/easy-ai-tech/student-score-analysis

A data-driven student performance analysis project using UCI dataset (396 students, 33 features). Implements machine learning models (K-means, PCA, Decision Tree, Random Forest, Linear Regression) to analyze academic patterns and predict student scores based on lifestyle, health, and study habits.

clustering clustering-algorithm decision-trees feature-engineering learning-management-system linear-regression machine-learning machine-learning-algorithms matplotlib numpy pandas pca pickle prediction prediction-algorithm scikit-learn score seaborn student

Last synced: 01 Feb 2025

https://github.com/fatimaafzaal/car_price_prediction

Trains Random Forest and Gradient Boosting models to predict car prices based on user inputs for various car attributes, evaluating models and making predictions using the best-performing model.

car-price-prediction ensemble-learning gradient-boosting matplotlib numpy pandas random-forest regression regression-models scikit-learn seaborn

Last synced: 16 Jan 2025

https://github.com/adrianmarino/knn-cf-rec-sys

Similarity CF based RecSys examples

python recommender-system scikit-learn

Last synced: 24 Jan 2025

https://github.com/barbarpotato/applied-data-science-with-python-specialization

This skills-based specialization is intended for learners who have a basic python or programming background, and want to apply statistical, machine learning, information visualization, text analysis, and social network.

data-science matplotlib pandas scikit-learn

Last synced: 11 Jan 2025

https://github.com/oroszgy/cookiecutter-ml-flask

Cookiecutter template for training and serving machine learning models with scikit-learn, spacy, Flask and Docker

docker flask flask-application machine-learning nlp rest-api scikit-learn spacy

Last synced: 03 Feb 2025

https://github.com/lakshitalearning/spamfortress

A machine learning-based project to detect SMS spam messages with high accuracy, using the SMS Spam Collection Dataset and techniques like supervised learning, text preprocessing, and modelΒ comparison.

data-science google-colab machine-learning nlp scikit-learn sms-spam-detection

Last synced: 16 Jan 2025

https://github.com/hariprasath-v/hackerearth-amazon-business-research-analyst-hiring-challenge

Build a machine learning model that can calculate the time the delivery person takes to deliver the order.

exploratory-data-analysis hackerearth machine-learning pandas pycaret python scikit-learn seaborn

Last synced: 13 Jan 2025

https://github.com/mohit1106/fraud-detection

an anomaly detection system on 284,807 transactions, achieving an AUC of ~0.972 with CNNs and Autoencoders.

autoencoders cnn-model isolation-forest keras python scikit-learn tensorflow

Last synced: 02 Feb 2025

https://github.com/m-rishab/job-recruitment-prediction-and-hr-dashboard-using-plotly

This project features make it ideal for dynamic HR dashboards, offering insights into candidate profiles and recruitment processes.

correlation-analysis flask kmeans-clustering numpy pandas plotly python scikit-learn seaborn standardscaler

Last synced: 22 Jan 2025

https://github.com/tamk-kol/project_orbital_data_analysis

The goal of this project is to develop an automatic method to detect orbital maneuvers using machine learning.

matplotlib numpy pandas scikit-learn

Last synced: 31 Oct 2024

https://github.com/adi3042/thyroid-disease-detection

πŸ”πŸŒŸ Discover Thyroid Disease Detection! Dive into our advanced system designed to identify and predict thyroid disorders using cutting-edge machine learning techniques. Leverage our comprehensive models and data analysis tools to make informed decisions about thyroid health. πŸ©ΊπŸ”¬πŸš€ ThyroidHealthTech

classification css detection-model functools html ipykernel javascript jupyter-notebook machine-learning matplotlib numpy pandas python3 scikit-learn setuptools thyroid-dataset thyroid-disease thyroid-disease-detection venv

Last synced: 22 Jan 2025

https://github.com/nickklos10/concrete-compressive-strenght-prediction

This project predicts concrete compressive strength using a neural network regression model built with Keras.

jupyter-notebook keras matplotlib numpy pandas python scikit-learn

Last synced: 24 Oct 2024

https://github.com/samuele-lolli/data-analytics-techniques

A practical approach to data analytics pipeline.

numpy pandas pytorch scikit-learn

Last synced: 22 Jan 2025

https://github.com/pjj11005/ml_with_pytorch_study

[λ¨Έμ‹  λŸ¬λ‹ κ΅κ³Όμ„œ: νŒŒμ΄ν† μΉ˜ 편] -> ν•™μŠ΅ν•œ μ½”λ“œ μ €μž₯μ†Œ

deep-learning graph-neural-networks machine-learning neural-networks pytorch scikit-learn transformer

Last synced: 22 Jan 2025

https://github.com/karanyeole/bank-loan-default-risk-analysis-

This project aims to analyze the risk of default on bank loans using machine learning techniques. The dataset used for analysis contains information about loan applicants, including their demographics, financial history, and loan details.

feature-engineering matplotlib numpy pandas python scikit-learn seaborn

Last synced: 28 Jan 2025

https://github.com/karanyeole/dragon-real-estate-price-predictor

The project predicts the real estate prices in the mythical land of Dragons. It uses a dataset of historical real estate prices along with features such as location, size, and amenities to train a model for predicting prices of new properties.

matplotlib numpy pandas python scikit-learn

Last synced: 28 Jan 2025

https://github.com/sudothearkknight/movie-recommendation-system

The primary goal of this project is to provide personalized movie recommendations to users based on their preferences and the characteristics of the movies. This is achieved through a multi-step process involving data preprocessing, text vectorization, and recommendation generation.

anaconda-environment data-science jupyter-notebook machine-learning movie-recommendation movies pandas python3 recommendation-system recommender-system scikit-learn scikitlearn-machine-learning

Last synced: 11 Nov 2024

https://github.com/no-country-simulation/s16-21-n-data-bi

Analisis del COVID-19 - insights sobre la evoluciΓ³n de la pandemia - impacto en 5 paises sudamericanos.

eda etl machine-learning matplotlib pandas powerbi python scikit-learn seabron streamlit

Last synced: 11 Nov 2024

https://github.com/tbarlow12/learn-it-your-way

Using Python Flask, I wanted to create a simple web API that allows users to upload a dataset, choose one or more models, store them server side, and then hit an endpoint to get a prediction.

flask machine-learning python scikit-learn tensorflow

Last synced: 02 Feb 2025

https://github.com/colinwu0403/weatherpredictor

ML model that predicts future weather temperatures. Dataset taken from NOAA's Climate Data Online

pandas scikit-learn

Last synced: 22 Jan 2025

https://github.com/kunalpisolkar24/dsbda_lab

Collection of practical codes for Savitribai Phule Pune University's Data Science and Big Data Analytics Laboratory (310256).

data-analytics data-preprocessing data-science data-wrangling descriptive-statistics linear-regression logistic-regression mapreduce scala scikit-learn sppu-computer-engineering tf-idf

Last synced: 16 Jan 2025

https://github.com/pymc-learn/pymc-learn-sphinx-theme

Sphinx theme for Pymc-learn documentation

pymc3 pymc4 scikit-learn sphinx sphinx-theme

Last synced: 02 Feb 2025

https://github.com/msikorski93/heart-failure-prediction

The subject of this repository was to perform binary classification based on respondent's collected features (age, cholesterol level, fasting blood sugar, thallium stress test results, etc.).

classification knn-classifier logistic-regression random-forest-classifier roc-curves scikit-learn svm-classifier

Last synced: 09 Jan 2025

https://github.com/szymonrucinski/pippi-lang

Elegant πŸ“‘ text preprocessing pipeline 🚰 available as pip package 🐍 based on scikit-learn pipeline. Combines Transformer and Column Transformer into a single object.

data-cleaning data-science nlp pipeline scikit-learn

Last synced: 02 Feb 2025

https://github.com/cnoret/hexa-watts

Interactive data visualization and machine learning app for energy consumption analysis and prediction in France, built with Streamlit. (Text in French)

data-visualization electricity-forecasting energy-analysis france machine-learning scikit-learn streamlit

Last synced: 09 Feb 2025

https://github.com/aymen016/cosmic-mystery-challenge-2912

"Explore the depths of space and unravel cosmic mysteries in the year 2912 with our Cosmic Mystery Challenge repository. Dive into data science adventures as you predict the fate of passengers aboard the Spaceship Titanic after a collision with a spacetime anomaly. Join us in reshaping history and saving lives across the universe!"

kaggle matplotlib matplotlib-pyplot numpy pandas pandas-dataframe python scikit-learn scikitlearn-machine-learning seaborn

Last synced: 04 Feb 2025