Projects in Awesome Lists tagged with scikit-learn-python
A curated list of projects in awesome lists tagged with scikit-learn-python .
https://github.com/microsoft/ml-for-beginners
12 weeks, 26 lessons, 52 quizzes, classic Machine Learning for all
data-science education machine-learning machine-learning-algorithms machinelearning machinelearning-python microsoft-for-beginners ml python r scikit-learn scikit-learn-python
Last synced: 09 Sep 2025
https://microsoft.github.io/ML-For-Beginners/
12 weeks, 26 lessons, 52 quizzes, classic Machine Learning for all
data-science education machine-learning machine-learning-algorithms machinelearning machinelearning-python microsoft-for-beginners ml python r scikit-learn scikit-learn-python
Last synced: 29 Mar 2025
https://github.com/microsoft/ML-For-Beginners
12 weeks, 26 lessons, 52 quizzes, classic Machine Learning for all
data-science education machine-learning machine-learning-algorithms machinelearning machinelearning-python microsoft-for-beginners ml python r scikit-learn scikit-learn-python
Last synced: 15 Mar 2025
https://github.com/dataprofessor/code
Compilation of R and Python programming codes on the Data Professor YouTube channel.
data-professor data-science data-science-python dataprofessor datascience exploratory-data-analysis machine-learning machinelearning pandas python python-data-science r scikit-learn scikit-learn-python shiny streamlit
Last synced: 14 May 2025
https://github.com/mikekeith52/scalecast
The practitioner's forecasting library
auto-ml data-science deep-learning easy-to-use forecasting keras lstm machine-learning mase msis pandas python recurrent-neural-networks scikit-learn scikit-learn-python smape time-series vecm
Last synced: 19 Jun 2025
https://github.com/superkogito/voice-based-gender-recognition
:sound: :boy: :girl:Voice based gender recognition using Mel-frequency cepstrum coefficients (MFCC) and Gaussian mixture models (GMM)
data-science gaussian-mixture-models gender gender-classification gender-detection gender-recognition gender-recognition-by-voice gmm machine-learning mel-frequencies mfcc scikit-learn scikit-learn-python signal speaker speech vocal voice
Last synced: 04 Apr 2025
https://github.com/reddyprasade/machine-learning-with-scikit-learn-python-3.x
In general, a learning problem considers a set of n samples of data and then tries to predict properties of unknown data. If each sample is more than a single number and, for instance, a multi-dimensional entry (aka multivariate data), it is said to have several attributes or features. Learning problems fall into a few categories: supervised learning, in which the data comes with additional attributes that we want to predict (Click here to go to the scikit-learn supervised learning page).This problem can be either: classification: samples belong to two or more classes and we want to learn from already labeled data how to predict the class of unlabeled data. An example of a classification problem would be handwritten digit recognition, in which the aim is to assign each input vector to one of a finite number of discrete categories. Another way to think of classification is as a discrete (as opposed to continuous) form of supervised learning where one has a limited number of categories and for each of the n samples provided, one is to try to label them with the correct category or class. regression: if the desired output consists of one or more continuous variables, then the task is called regression. An example of a regression problem would be the prediction of the length of a salmon as a function of its age and weight. unsupervised learning, in which the training data consists of a set of input vectors x without any corresponding target values. The goal in such problems may be to discover groups of similar examples within the data, where it is called clustering, or to determine the distribution of data within the input space, known as density estimation, or to project the data from a high-dimensional space down to two or three dimensions for the purpose of visualization (Click here to go to the Scikit-Learn unsupervised learning page).
classification consists machine-learning machine-learning-algorithms prediction python python-3 regression reinforcement-learning scikit-image scikit-learn scikit-learn-api scikit-learn-python scikit-model semi-supervised-learning sklearn supervised-learning unsupervised-learning vector
Last synced: 01 Aug 2025
https://github.com/superkogito/voice-based-speaker-identification
:sound: :boy: :girl: :woman: :man: Speaker identification using voice MFCCs and GMM
gaussian-mixture-models gmm machine-learning mel-frequencies mel-frequency-cepstral-coefficients mfcc scikit-learn scikit-learn-python signal speaker-identification speaker-recognition speech vocal voice
Last synced: 06 Sep 2025
https://github.com/basemax/imagerecognitionai
Recognition of the images with artificial intelligence includes train and tests based on Python.
artificial-intelligence artificial-intelligence-algorithms image-procesing image-processing image-processing-library image-processing-python matplotlib numpy opencv opencv-python pyparsing python recognition recognition-color recognition-py scikit-learn scikit-learn-python scipy sklearn
Last synced: 07 Jul 2025
https://github.com/rifatsdas/satellite_machine_learning
Unsupervised and supervised learning for satellite image classification
classifications kmeans-clustering rasterio satellite-data scikit-learn scikit-learn-python scikitlearn-machine-learning sentinel-1 sentinel-2 sentinel-3 sentinels support-vector-classifier support-vector-machines
Last synced: 21 Mar 2025
https://github.com/souvikmajumder26/ieee-ecg-ensemble-xgboost
👨💻 Developed AI Models - Ensemble of Random Forest & SVM and XGBoost classifiers to classify five types of Arrhythmic Heartbeats from ECG signals - published by IEEE.
data-science ensemble-classifier ensemble-learning ensemble-machine-learning ensemble-model machine-learning matplotlib numpy pandas python python3 random-forest scikit-learn scikit-learn-python scikitlearn-machine-learning support-vector-machine svm svm-classifier svm-model xgboost
Last synced: 29 Mar 2025
https://github.com/subhangisati/machine-learning
This consists of various machine learning algorithms like Linear regression, logistic regression, SVM, Decision tree, kNN etc. This will provide you basic knowledge of Machine learning algorithms using python. You'll learn PyTorch, pandas, numpy, matplotlib, seaborn, and various libraries.
artificial-intelligence classification data-science decision-trees knn-classification knn-model linear-regression logistic-regression machine-learning machine-learning-algorithms python regression-algorithms regression-models scikit-learn-python scikitlearn-machine-learning svm-classifier
Last synced: 21 Feb 2025
https://github.com/aadityasivas/scikit-learn
A jupyter notebook which trains a model with scikit-learn
jupyter-notebook scikit-learn-python
Last synced: 09 Apr 2025
https://github.com/netcodez/data-science-projects
Data Science Projects completed on DataCamp Data Scientist with Python Career Track
data data-analysis data-visualization datacleaning feature-engineering feature-extraction machine-learning predictive-analytics predictive-modeling python scikit-learn-python scikitlearn-machine-learning statistical-analysis statistical-models
Last synced: 05 Mar 2025
https://github.com/suundumused/weather-forecast-ai-example
The project scope is a weather forecasting model based on behavioral analysis of the last 33 hours (hour-by-hour forecast) with Random Forest Classifier. The program automatically saves and loads the last trained model for prediction.
ai artificial-intelligence artificial-intelligence-algorithms artificial-intelligence-projects artificialintelligence scikit scikit-learn scikit-learn-python scikitlearn scikitlearn-machine-learning weather weather-conditions weather-forecast weather-information
Last synced: 26 Jul 2025
https://github.com/myounus-codes/saleprice-prediction-dataset-analysis-and-cleaning-advance-regression
In this project I have cleaned the data for the model. Project Google Colab Link: https://colab.research.google.com/drive/1vQY-XEFJSdEkW2PQOSf1j13Yk8L-XXNw?usp=sharing
algorithms data-analysis data-science eda google-colab machine-learning numpy pandas python scikit-learn scikit-learn-python
Last synced: 18 Sep 2025
https://github.com/ph-7/python-glm-ml-pipeline
ML Python - Logistic Regression (GLM)
glm glm-python logistic-regression ml-api scikit-learn scikit-learn-python scikitlearn-machine-learning
Last synced: 23 Sep 2025
https://github.com/aroojzahra908/artifical-intelligence-and-machine-learning-
Explore the basics of linear regression, gradient descent, and AI using Python. Get hands-on with NumPy, pandas, Matplotlib, and scikit-learn for practical learning.
artificial-intelligence gradient-descent linear-regression machine-learning matplotlib numpy pandas scikit-learn-python
Last synced: 31 Mar 2025
https://github.com/nafisalawalidris/machine-learning-with-python
Machine Learning with Python final project: Apply ML algorithms to solve real-world problem. Hands-on experience in data preprocessing, model selection, evaluation. Showcase ML proficiency in Python.
classification data-science hierarchical-clustering machine-learning regression scikit-learn-python scipy
Last synced: 16 Mar 2025
https://github.com/tayyabmughal676/machinelearningusingscikitlearn
Machine learning using sci kit learn
machine-learning machine-learning-algorithms machine-learning-library machinelearning-python python scikit-learn scikit-learn-python scikitlearn-machine-learning
Last synced: 23 Mar 2025
https://github.com/iamjuniorb/d499-supervised-learning
This class for machine Learning presents the end-to-end process of investigating data through a machine learning lens.
machine-learning project python python3 scikit-learn scikit-learn-python scikitlearn-machine-learning supervised-learning supervised-machine-learning
Last synced: 13 Aug 2025
https://github.com/mrprashant750/12
12 is a natural number following 11 and preceding 13. It is commonly used to represent a dozen items or units in various contexts, such as months in a year, hours on a clock, and members in a jury.
cnn computer-vision cpp curriculum directx html machinelearning-python microsoft-for-beginners nlp python raspberry-pi rnn scikit-learn-python tutorials
Last synced: 20 Feb 2025
https://github.com/aabbtree77/uci-marketing-analysis-cart
UCI bank marketing data analysis with decision trees (CART).
cart chatgpt commerce conversion-rate data-analysis decision-trees deepseek grok kovnatsky marketing-analytics miniconda scikit-learn-python uci-machine-learning
Last synced: 29 Jul 2025
https://github.com/breadrock1/ml-labs
Machine Learning. There is a suite of Machine Learning laboratory tasks.
classification knn knn-classification machine-learning nlp nlp-machine-learning numpy pandas pandas-dataframe python python3 random-forest regression scikit-learn-python skele trees
Last synced: 22 Jul 2025
https://github.com/viniciusmassari/regressao_linear_multipla
Prediction of a cholesterol exam based in some features about the patient
jupyter jupyter-notebook jupyter-notebooks pandas pandas-dataframe pandas-python pingouin python scikit-learn scikit-learn-python scikitlearn-machine-learning scipy scipy-stats
Last synced: 24 Oct 2025
https://github.com/narendhiran-dev/predictive-analytics-for-repayment-predictions
A machine learning API built with Python, FastAPI, and Scikit-learn to predict borrower repayment risk based on historical payment data. A FinTech risk assessment system that uses a Random Forest model to predict a borrower's future repayment behavior and serves the prediction via a REST API.
data-science fastapi fintech loan-prediction loan-prediction-analysis machine-learning machine-learning-algorithms predictive-modeling python random-forest random-forest-classifier random-forest-regression rest-api risk-assessment scikit-learn scikit-learn-api scikit-learn-python
Last synced: 23 Oct 2025
https://github.com/erick957/saleprice-prediction-dataset-analysis-and-cleaning-advance-regression
🏠 Predict house prices using advanced regression techniques with this comprehensive analysis and cleaning project, from data loading to model deployment.
data-analysis data-science eda google-colab machine-learning numpy pandas python scikit-learn scikit-learn-python
Last synced: 05 Oct 2025
https://github.com/nyx1311/timelstm
TimeLSTM: An interactive Streamlit app for multi-step time series forecasting using LSTM networks, featuring data preprocessing, visualization, GPU-accelerated model training, and automated result export.
deep-learning deep-neural-networks lstm-neural-networks numpy pandas ploty python3 scikit-learn-python statsmodels streamlit torch tqdm
Last synced: 09 Oct 2025
https://github.com/shantanudhanawade/mini-projects
Price prediction with linear regression
matplotlib-python numpy pandas scikit-learn-python
Last synced: 09 Oct 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: 10 Oct 2025
https://github.com/jdonepud/nlp-sentimentclassification
data-preprocessing-and-augmentation data-preprocessing-and-cleaning deep-learning gpt2 natural-language-processing-nlp pytorch-implementation scikit-learn-python sentiment-analysis text-classification-python transformers-models wordcloud-visualization
Last synced: 13 Oct 2025
https://github.com/mongshil553/scikit-learn-clustering
Sleep Health and Lifestyle Clustering using Scikit-Learn
clustering machine-learning scikit-learn-python
Last synced: 03 Mar 2025
https://github.com/haseeeb21/machine-learning-models
Machine Learning Models trained on Scikit-learn datasets. This repository contains the code files and saved models trained on Toy datasets (Classification & Regression), and Real World dataset.
anaconda classification classification-models jupyter-notebook knn knn-classification machine-learning machine-learning-algorithms python3 regression regression-models scikit-learn scikit-learn-python scikitlearn-machine-learning svm svm-classifier vscode
Last synced: 23 Oct 2025