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/callesjuan/ninjalprm

Protótipo de ferramenta de agrupamento de dispositivos Android por geolocalização (Server)

python scikit-learn xmpp

Last synced: 24 Oct 2024

https://github.com/kavaivaleri/linear-regression

Basic linear regression using data from Kaggle https://www.kaggle.com/adityadesai13/used-car-dataset-ford-and-mercedes/tasks?taskId=1258

linear-regression numpy pandas plots scikit-learn scipy seaborn-plots

Last synced: 20 Jan 2025

https://github.com/barrettotte/anilist-ml

Training a binary classifier model to predict if I would recommend an anime using my Anilist user data.

anilist binary-classification data-visualization machine-learning scikit-learn

Last synced: 03 Feb 2025

https://github.com/svetlanam/pycon-workshop

Pycon CZ workshop: Better data analyses and product recommendations with Instagram data

data-analysis data-science martinus matplotlib pandas pycon2016 pyconcz python scikit-learn workshop

Last synced: 13 Jan 2025

https://github.com/harshitwaldia/disease_detection

A disease detection system using Random Forest Classifier and GUI in Python, identifying illnesses based on user symptoms.

pandas-python python3 random-forest-classifier scikit-learn tkinter-gui

Last synced: 03 Feb 2025

https://github.com/cptanalatriste/copycat-detector

A Naive-Bayes classifier for detecting plagiarism.

amazon-sagemaker naive-bayes-classifier scikit-learn

Last synced: 12 Jan 2025

https://github.com/thekartikeyamishra/resumeevaluatorapp

The Automated Resume Evaluator is a Python-based application that helps evaluate resumes against job descriptions. It calculates an Applicant Tracking System (ATS) score, which is the percentage of keywords from the job description found in the resume.

flask machine-learning matplotlib nlp nltk pypdf python scikit-learn spacy textblob

Last synced: 03 Feb 2025

https://github.com/stefagnone/-air-france-sponsored-search-campaign-optimization

Optimized Air France's online advertising campaigns using advanced regression modeling and data analysis, uncovering actionable insights to maximize ROI and enhance ad performance.

advertising-analytics air-france data-science digital-marketing marketing-campaigns predictive-modeling python r regression-analysis roi-optimization scikit-learn sponsored-search

Last synced: 03 Feb 2025

https://github.com/tomgorb/ds-utils

pre-processing of a DataFrame into a sparse matrix for model input

machine-learning preprocessing scikit-learn

Last synced: 09 Jan 2025

https://github.com/kalelmartinho/imersao_dados_3

Terceira edição da Imersão Dados da Alura. O projeto foi inspirado em um desafio do Laboratory innovation science at Harvard disponibilizando os dados em uma competição no kaggle.

alura data-science imersaodados imersaodados3 pandas python3 scikit-learn

Last synced: 13 Jan 2025

https://github.com/chengetanaim/sentimentanalysisforfinancialnews

This is a Django application for predicting whether the sentiment of a financial news headline is positive, negative or neutral (from an investor point of view)

beautifulsoup4 chartjs django html-css-javascript logistic-regression machine-learning natural-language-processing scikit-learn tfidf-vectorizer webscraping

Last synced: 23 Dec 2024

https://github.com/marknature/machine-learning-intern

Machine Learning tasks involving the Titanic Dataset and Breast Cancer Wisconsin (Diagnostic) dataset

data-analysis github jupiter-notebook machine-learning matplotlib numpy pandas python scikit-learn sklearn

Last synced: 13 Jan 2025

https://github.com/omar-karimov/ai4renewals-gendes

This project adopts a modular Python architecture within an MLOps framework to enhance subscription renewal predictions, utilizing FastAPI and MongoDB with AWS integration (S3, ECR, EC2). Docker ensures seamless deployment, and GitHub Actions automate the CI/CD workflows. Evidently AI monitors drift to guarantee predictive accuracy and reliability.

api aws deployment docker drift-detection ec2 ecr evidently fastapi github-actions mangodb mlops modularization pipeline s3 scikit-learn workflow yaml-configuration

Last synced: 22 Jan 2025

https://github.com/radoslawregula/iris-classification

Jupyter notebook implementing an efficient machine learning method to classify flowers from the Iris data set.

classification iris-dataset jupyter-notebook machine-learning python scikit-learn softmax-classifier

Last synced: 21 Jan 2025

https://github.com/boomerspine/selflearning_chatbot

Self learning chatbot using python

python scikit-learn

Last synced: 27 Jan 2025

https://github.com/lucs1590/commom_segmentations

The purpose of this repository is to document and expose code samples using common threading techniques.

computational-vision machine-learning open-source opencv python scikit-image scikit-learn segmentation sklearn

Last synced: 13 Jan 2025

https://github.com/sudothearkknight/15-machinelearningprojects

A curation of 15 Machine Learning projects in various fields that are helping me gain a better understanding of the different machine learning tools, techniques, algorithms and methodalogies.

classification-algorithm machine-learning machine-learning-algorithms natural-language-processing pycharm-ide python3 regression-models scikit-learn scikitlearn-machine-learning spam-detection

Last synced: 12 Feb 2025

https://github.com/abhipatel35/diabetes_ml_classification

Predict diabetes using machine learning models. Experiment with logistic regression, decision trees, and random forests to achieve accurate predictions based on health indicators. Complete lifecycle of ML project included.

classification data-analysis data-science data-visualization descision-tree diabetes-prediction jupiter-notebook logistic-regression machine-learning model-evaluation open-source pandas pycharm-ide python random-forest scikit-learn

Last synced: 12 Feb 2025

https://github.com/rririanto/thesis-projects

The computer science thesis project that I worked on when I was a student and was looking for a part time job

bag machine-learning python2 python27 scikit-learn surf

Last synced: 20 Jan 2025

https://github.com/abhipatel35/svm-hyperparameter-optimization-for-breast-cancer

Utilizing SVM for breast cancer classification, this project compares model performance before and after hyperparameter tuning using GridSearchCV. Evaluation metrics like classification report showcase the effectiveness of the optimized model.

breast-cancer cancer-diagnosis classification data-analysis data-science gridsearchcv healthcare hyperparameter-tuning jupyter-notebook machine-learning medical-imaging pycharm python scikit-learn support-vector-machine svm

Last synced: 12 Feb 2025

https://github.com/nika2811/new-york-city-taxi-fare-prediction

About In this project using New York dataset we will predict the fare price of next trip. The dataset can be downloaded from https://www.kaggle.com/kentonnlp/2014-new-york-city-taxi-trips The dataset contains 8 features along with GPS coordinates of pickup and dropoff

data data-preprocessing data-visualization decision-trees feature-engineering kaggle kaggle-competition linear-regression machine-learning neural-network nyc polynomial-regression ridge-regression scikit-learn taxi taxi-data tensorflow xgboost

Last synced: 12 Feb 2025

https://github.com/kevin-patyk/mlobster

An educational project which aims to recreate the major algorithms and functionality of Scikit-learn in Rust.

educational-project machine-learning mlobster python rust scikit-learn

Last synced: 28 Jan 2025

https://github.com/a-poor/sample-model-serve

Demo for using Flask to serve a scikit-learn model as an API

api data-science docker flask machine-learning scikit-learn

Last synced: 02 Feb 2025

https://github.com/idaraabasiudoh/credit_card_fraud_detection

This repository contains a machine learning project focused on detecting credit card fraud using Decision Tree and Support Vector Machine (SVM) classifiers.

data-analysis jupyter-notebook machine-learning python3 scikit-learn snapml

Last synced: 13 Feb 2025

https://github.com/kiapanahi/handson-machine-learning-book-playground

Sample codes and practices around the book "Hands-On Machine Learning with Scikit-Learn and TensorFlow"

machine-learning python scikit-learn tensorflow

Last synced: 16 Jan 2025

https://github.com/katjaweb/king-county-house-price-prediction

This project aims to predict house prices based on various features such as square footage, number of rooms or location.

machine-learning python regression scikit-learn

Last synced: 13 Feb 2025

https://github.com/jimmymugendi/bulding-a-decision-tree-to-predict-customer-churn

This repo desribes bulding a decision tree to predict customer churn in a given organisation

accuracy-score decision-tree-classifier matplotlib-pyplot numpy pandas-dataframe scikit-learn

Last synced: 16 Jan 2025

https://github.com/billgewrgoulas/recommendation-systems

Algorithms for joke rating prediction using the joke data-set from Kaggle.

algorithm clustering collaborative-filtering machine-learning numpy pandas recommender-system scikit-learn scypi

Last synced: 16 Jan 2025

https://github.com/eesunmoon/aml_project

[Project] Analyzing Fitness Patterns & Building Predictive Models

matplotlib numpy pandas python3 recommender-system scikit-learn seaborn tensorflow

Last synced: 03 Feb 2025

https://github.com/somjit101/ds-logistic-regression

A simple implementation of the Logistic Regression Classifier on the Breast Cancer Dataset with L1 regularization and GridSearch for hyperparameter tuning.

breast-cancer-prediction breast-cancer-wisconsin grid-search grid-search-cross-validation hyperparameter-tuning logistic-regression machine-learning-algorithms regularization scikit-learn

Last synced: 16 Jan 2025

https://github.com/stella4444/linear-regression

learning about linear regression (currently a work in progress) ~ working with data

linear-regression machine-learning numpy scikit-learn

Last synced: 13 Feb 2025

https://github.com/kavyachouhan/fake-news-detection-dravidian-language

This repository contains the code and resources for a machine learning project focused on detecting fake news in the Malayalam language, developed as part of the IITM-PAN BS AI-ML Challenge.

jupyter-notebook machine-learning numy pandas python scikit-learn

Last synced: 13 Feb 2025

https://github.com/nfordumass/nbafinalsmvp_ml

A python machine learning analysis of who should've won NBA Finals MVP each year.

jupyter-notebook machine-learning python scikit-learn

Last synced: 02 Feb 2025

https://github.com/pejpero/machine_learning

This repository contains two comprehensive machine learning projects using scikit-learn, demonstrating ensemble learning with a Voting Classifier and the comparison of linear and polynomial regression models on different datasets.

ensemble-learning linear-regression logistic-regression machine-learning polynomial-regression random-forest scikit-learn svm

Last synced: 13 Feb 2025

https://github.com/archie-cm/churn-analysis-for-bank-customer

The objective from this project are to predict customer churn and provide recommendations to the business team

feature-engineering machine-learning python scikit-learn

Last synced: 20 Jan 2025

https://github.com/samiyaalizaidi/nn-ml-homeworks

Homework solutions for CPE-4903: Neural Networks & Machine Learning at Kennesaw State University.

machine-learning machine-learning-workflow neural-networks numpy scikit-learn

Last synced: 16 Jan 2025

https://github.com/aysh2603/credit-card-fraud-detection

The Credit Card Fraud Detection project aims to identify fraudulent transactions from a dataset of credit card transactions. The project addresses the challenge of class imbalance and employs advanced machine learning techniques to build an effective fraud detection model.

ensemble-learning hyperparameter-tuning numpy pandas python3 scikit-learn streamlit

Last synced: 13 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/pranav-tank/heart-disease-prediction-model

I have created this project as my Python term assignment. In this project I have trained a ML model to predict the heart disease using Scikit-learn library in python.

google-colaboratory jupyter-notebook machine-learning prediction-model python scikit-learn

Last synced: 13 Feb 2025

https://github.com/sarowarahmed/advertising-sales-app

📈 Advertising Sales Predictor: A web app powered by a Machine Learning model, built with Numpy, Pandas, Scikit-learn, and Streamlit, to forecast sales based on TV, Newspaper, and Online Advertising. Deployed on Streamlit Cloud for real-time, easy-to-use predictions.

advertising app machine-learning multiple-linear-regression numpy pandas sales scikit-learn streamlit

Last synced: 13 Feb 2025

https://github.com/0eix/ibm-ds-spacex-falcon9

IBM Professional data science certificate Final Project Notebooks

data-science data-visualization exploratory-data-analysis ibm poetry scikit-learn shap

Last synced: 22 Jan 2025

https://github.com/priyanshulathi/cancer-diagnosis-prediction-model

A Machine Learning project to predict cancer malignancy using K-Nearest Neighbor, Support Vector Machine, and Decision Tree algorithms.

machine-learning numpy pandas python scikit-learn

Last synced: 22 Jan 2025

https://github.com/smahala02/svm-machine-learning

This repository provides an in-depth tutorial and practical implementation of Support Vector Machines (SVM) for classification tasks, using Python and popular data science libraries.

classification data-science machine-learning python scikit-learn svm

Last synced: 22 Jan 2025

https://github.com/dwija12903/password-strength-checker

A Model to evaluate the strength of passwords and enhance security for your applications.

matplotlib pandas scikit-learn seaborn xgboost

Last synced: 22 Jan 2025

https://github.com/solrikk/magicxml

Magic-XML — is a modern web application developed for the convenient and swift transformation of data from XML files into CSV format. The application leverages the power of FastAPI to ensure high performance in request processing, as well as utilizes machine learning algorithms and natural language processing for efficient analysis

aplication app async cosinesimilarity cscart csv csv-files csv-format data fastapi machine-learning matrix python scikit-learn tfidf-vectorizer web webapp xml-parser

Last synced: 03 Feb 2025

https://github.com/ojhaharsh/rockvsmine-prediction

Streamlit App for Predicting Rock vs. Mine using SONAR Data. The app allows users to input SONAR readings and returns predictions based on trained data.

machine-learning python scikit-learn

Last synced: 22 Jan 2025

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/davgiles/ut-austin-data-science-program

This repository contains my projects from the Data Science & Business Analytics Post-Graduate Program through UT Austin.

eda matplotlib numpy pandas python scikit-learn scipy seaborn visualization xgboost

Last synced: 13 Feb 2025

https://github.com/rinuya/ml-cancer-diagnosis

Binary classficiation using MLP & Random Forest

ml mlp random-forest scikit-learn

Last synced: 22 Jan 2025

https://github.com/gititsid/visaverdict

A ML project to predict possibility of US Visa approval

classification python3 random-forest-classifier scikit-learn

Last synced: 22 Jan 2025

https://github.com/shubhamsoni98/prediction-with-binomial-logistic-regression

To predict client subscription to term deposits and optimize marketing strategies by identifying potential subscribers.

binomial data data-science eda machine-learning matplotlib pipeline python scikit-learn seaborn sklearn sql visualization

Last synced: 22 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/ashrw/handwritten_digit_recognizer

A handwritten digit recognition system using Python and Scikit-learn to preprocess images and classify digits with a trained SVM model.

ml python scikit-learn

Last synced: 22 Jan 2025

https://github.com/tszon/data-science-projects

Included are all the worth-noting Data Science projects in my learning journey with DataCamp.

data-analysis data-science exploratory-data-analysis feature-engineering machine-learning modelling preprocessing-data scikit-learn supervised-learning

Last synced: 22 Jan 2025

https://github.com/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

decision-trees iris-dataset knn machine-learning mlp-classifier scikit-learn

Last synced: 22 Jan 2025

https://github.com/pranavgautam29/flight-price-prediction

The Flight Price Prediction project uses machine learning to forecast flight ticket prices based on historical data. Hosted on Streamlit Community Cloud and deployed via Streamlit, this application allows users to input flight details such as departure and arrival airports, travel dates, and class to receive accurate price predictions.

machine-learning prediction-model regression scikit-learn statistical-machine-learning streamlit

Last synced: 22 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: 10 Feb 2025

https://github.com/shendrew/coursescope

Machine learning for course classification by topics

beautifulsoup machine-learning nlp scikit-learn

Last synced: 20 Jan 2025

https://github.com/labex-labs/sklearn-practice-plus

[scikit-learn Practice Plus]-In this course, You will practice more labs of scikit-learn. This will help you to master the skills more deeply.

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

Last synced: 13 Nov 2024

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/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/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/hokagem/damagedlogginganalyzer

A project about an analization of a statistic of damaged logging (wood) in Germany using Python.

analysis csv csv-parser k-fold-cross-validation numpy pandas pandas-dataframe pandas-python polynomial-regression scikit-learn statistics wood

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/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