modelselection
There are 44 repositories under modelselection topic.
MuhamedHabib/Deeplearning-and-NLP
Deep Learning notes and practical implementation with Tensorflow and keras. Text Analytics and practical application implementation with NLTK, Spacy and Gensim.
anjalisilva/mixMVPLN
R Package to Perform Clustering of Three-way Count Data Using Mixtures of Matrix Variate Poisson-log Normal Model With Parameter Estimation via MCMC-EM, Variational Gaussian Approximations, or a Hybrid Approach Combining Both.
JonasRieger/ldaPrototype
Determine a Prototype from a number of runs of Latent Dirichlet Allocation.
alairdata/CO2-Emissions-Prediction-Model
This project uses supervised machine learning techniques with multiple regression models to predict CO2 emissions in Canada, it includes data cleaning, encoding, analyzing and visualization to identify patterns, resulting in a model that can make accurate predictions.
trbKnl/sparseWeightBasedPCA
An R package for regularized weight based SCA and PCA
bhanukad610/SARIMAX-for-Traffic-volume
SARIMAX model for forecast traffic volume
samagra44/Multiple-Disease-Prediction-System
Multiple Disease Prediction System using Machine Learning.
sghosh89/BIVAN
This repo is for copula based analysis on bivariate as well as multivariate data sets in ecology and related fields. For details and citation we refer to this publication: Ghosh et al., Advances in Ecological Research, vol 62,pp 409, 2020
D-kn/Adult-Income-Dataset
Annual Income Prediction Using Machine Learning
indradhar/Football-Player-Price-Prediciton
Predicting the price of a football player using Machine Learning Algorithms
jibanCat/gp_dla_detection
Detecting Damped Lyman-alpha Absorbers (DLAs) with Gaussian Processes
Keerthiraj-Nagaraj/ML4SCI-hackathon-project
ML4SCI hackathon NMR spin challenge winning project. Training machine learning models for multi-target regression problem.
marcosbeliera/Machine-Learning
Check my projects related to ML feature engineering and modeling.
TelRich/GOT_Character_Death_Prediction
This is a Premiere Project done by Team Gitlab in Hamoye Data Science Program Dec'22. Out of 5 models used on the data, Random Forest Classifier was used to further improve the prediction of characters death. With parameter tuning and few cross validation, we were able to reduce the base error by 5.42% and increase accuracy by 2,42%.
williakn3/Machine-Learning-Project--2
Machine Learning Project
alairdata/Prediction-of-Cancer-Types-using-Gene-Expession
This has been a machine learning quest to classify cancer types using gene expression data, utilizing powerful tools and techniques to preprocess, train and evaluate models. The ultimate goal, to save lives through early diagnosis with high accuracy and precision.
Anithanaidu33/Stock-Prediction
This project aims to predict the future stock prices of various companies using machine learning and deep learning techniques. By analyzing historical stock price data and incorporating relevant features, the goal is to build accurate and robust models that can forecast stock prices over different time horizons.
Arif-Rehman/ExcelR-Assignment---Multi-Linear-Regression-Assignment---5
Multi Linear Regression Assignment - 5
AvaACook/Bank_Fraud_Predictive
Model to predict fraudulent bank applications using a large Kaggle dataset
Dineshkumar56/Department-Wide-Sales-Prediction
We have been given historical sales data for 45 stores situated in various regions. Each store comprises multiple departments, and our objective is to forecast sales for each department within these stores.
kpsijil2/Amazon-Employee
Amazon employee data to predict approval/ denial
kpsijil2/Breast-Cancer
Predicting whether or not a cell has cancer.
manujbsharma/Credit_Card-Fraud_Detection
The aim of this project is to predict fraudulent credit card transactions using machine learning models.
MvMukesh/Models-InProduction
Integrated robust and reliable ML Pipelines for Research and Production environment
pankjsalunkhe/Data-Science-Project
End-to-end projects: customer churning prediction using the Random Forest Classifier Algorithm with 97% accuracy; performing pre-processing steps; EDA and Visulization fitting data into the algorithm; and hyper-parameter tuning to reduce TN and FN values to perform our model with new data. Finally, deploy the model using the Streamlit web app.
saishivaniv/Car-Price-Prediction
A web application that employs machine learning models to provide accurate and instant car price estimations based on various features and specifications.
Tanmoy9563/Treue_Technologies
This is about Treue Technologies Data science Internship tasks.
Vaishnavicodes/Flight-Delay-Analysis
Flight Analysis - Flight Delay
VishalP227/uci-mushroom-dataset
Machine Learning project based on UCI mushroom dataset
pramodyasahan/model-selection
This repository explores and compares different regression models for predicting continuous outcomes. This repository includes implementations and evaluations of five key regression models. The primary goal is to demonstrate how each model works, evaluate their performance using R-squared values, and guide users in selecting the best model.
ShovalBenjer/Titanic---Machine-Learning-from-Disaster
This project explores machine learning techniques, focusing on data preprocessing, model building, and evaluation. It includes data analysis, visualization, various algorithms, and performance comparison. Key topics: data cleaning, feature engineering, model selection, hyperparameter tuning, and evaluation metrics.