An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: classical-machine-learning

ajgquional/classical-ml-experiments

Contains experiments in classical machine learning, for personal reference

Language: Jupyter Notebook - Size: 25.1 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

yavenchik/Kaggle-ML-Challenge

An AI championship to predict the churn rates.

Language: Python - Size: 594 KB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 0 - Forks: 0

ashithapallath/Abusive_Comment_Detection_Malayalam

This project detects abusive and non-abusive comments in Malayalm Language using the MuRIL Bert model and compares its performance with TF-IDF + SVM and XGBoost. MuRIL outperforms classical models.

Language: Jupyter Notebook - Size: 2.52 MB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

SarwanShah/ASU_2023_Machine-Learning-Models-for-Classification

This repository contains code and a comprehensive report analyzing and comparing the performance of various machine learning models on multiple datasets. The models implemented include Logistic Regression, Support Vector Machines (SVM), K-Nearest Neighbors (KNN), and Neural Networks (both fully connected and convolutional).

Language: Jupyter Notebook - Size: 7.71 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

gautamgc17/ClassicalML_lectures

This repo is a set of curated resources covering traditional machine learning algorithms and techniques.

Language: Jupyter Notebook - Size: 1.6 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 3 - Forks: 1

curemeongithub/Air-Quality-Prediction--A-Case-of-Indian-Cities

Repository containing the backend code used for writing a research paper on the prediction of AQI in Indian Cities

Language: Jupyter Notebook - Size: 17.3 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

mytechnotalent/Population-of-all-US-Cities-2024

This notebook uses regression modeling to predict the annual population change of US cities based on their population in 2024 and 2020, population density, and area.

Language: Jupyter Notebook - Size: 205 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

rishz09/prml-course-project

Handwritten Digit Classification on MNIST Dataset, Utilising Only Traditional Machine Learning Techniques and a Custom Feature Extractor, achieving highest accuracy of 98.08% with the same.

Language: Jupyter Notebook - Size: 26.9 MB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

fmenat/ExoplanetDetection

Public Repository for Exoplanet Detection with Classical Machine Learning Approaches

Language: Jupyter Notebook - Size: 216 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

sayadennis/classical-ml

Simple and flexible classical ML module that can be used for recording baseline ML performance.

Language: Python - Size: 78.1 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Tikhon-Radkevich/CourseYandexML

These training sessions in machine learning, conducted by Yandex, are dedicated to classical machine learning. This offers an opportunity to reinforce theoretical knowledge through practice on training tasks.

Language: Jupyter Notebook - Size: 23.7 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

nekcht/ml-classic-scratch

Ordinary Least Squares, Ridge Regression, Expectation Maximization, Full Bayesian Inference, Bayes Classifiers, kNN, and MLP core algorithms from scratch. Some auxiliary functions are also used.

Language: Jupyter Notebook - Size: 1.56 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

mjmaher987/Machine-Learning

Advanced topics in ML

Language: Jupyter Notebook - Size: 22 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 0

VGriga/credit-scoring-binary

Language: Jupyter Notebook - Size: 529 KB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

VGriga/metro_traffic_volume

Language: Jupyter Notebook - Size: 800 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

prathwik0/AML

Classical Machine Learning Concepts + Basic WebScraping + Numpy and Pandas libraries

Language: Jupyter Notebook - Size: 2.52 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

SevdanurGENC/ML-Vs-QML

It will be shown how to train a quantum machine learning model to overcome a classification problem.

Language: Jupyter Notebook - Size: 485 KB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

mava123-0/Machine-Learning-Projects

Language: Jupyter Notebook - Size: 982 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

Thehunk1206/Classical-ML-Algorithms

Collection of some classical Machine learning Algorithms.

Language: Jupyter Notebook - Size: 12.7 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

mohsin-riad/Epileptic-Seizure-Recognition

The aim of this repo is to contribute to the diagnosis of epilepsy by taking advantage of the engineering. So, for diagnosing of epileptic seizures from EEG signals are transformed discrete wavelet and auto regressive models. After these transformations, extract data is applied input for Back-propagation, k-Nearest Neighbor (k-NN), Support Vector Machines (SVM) ,ANN ,Logistic Regression and Principal Component Analysis algorithms.

Language: Jupyter Notebook - Size: 3.87 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 6 - Forks: 1

di-mi-ta/pylearn_ml191

pylearn_ml191: An implementation of some classical machine learning algorithm

Language: Jupyter Notebook - Size: 860 KB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

AindriyaBarua/Contextual-vs-Non-Contextual-Word-Embeddings-For-Hindi-NER-With-WebApp

Non-contextual : Word2Vec, FastText Contextual : BERT, RoBERTa, ELECTRA, CamemBERT, Distil-BERT, XLM-RoBERTa Analyzed embedding models, used the best one to build a Flask web app for Hindi NER and data collection from user feedback, deployed on AWS.

Language: Python - Size: 64.5 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

subhalingamd/nlp-tweet-sentiment

Sentiment categorization system using classical ML algorithms for tweets | A2 for COL772 course (Fall 21)

Language: Python - Size: 53.4 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

Related Keywords
classical-machine-learning 23 machine-learning 8 scikit-learn 5 numpy 3 deep-learning 3 regression 3 classification 3 nlp 3 implementation-from-scratch 2 unsupervised-learning 2 linear-regression 2 pandas 2 logistic-regression 2 kaggle-dataset 2 classification-metrics 1 dimensionality-reduction 1 eigenvectors 1 gradient-descent 1 imagecompression 1 k-nearest-neighbor-classifier 1 kmeans-clustering 1 lagrangian 1 optimization-algorithms 1 tweet-sentiment-analysis 1 quantum-machine-learning 1 webscraping 1 scrapy 1 ols 1 beautifulsoup 1 binary 1 self-supervised-learning 1 nlp-machine-learning 1 neural-networks 1 ordinary-least-squares 1 ridge-regression 1 sentiment-classification 1 col772 1 word2vec 1 word-embeddings 1 transformer 1 natural-language-processing 1 indic-nlp 1 hacktoberfest 1 flask-application 1 fasttext 1 bert 1 svm 1 rnn 1 mohsin-riad 1 lstm 1 knn 1 epileptic-seizures-recognition 1 epileptic-seizures 1 epileptic-seizure-detection 1 epileptic 1 support-vector-machines 1 sklearn 1 singular-value-decomposition 1 python 1 principal-component-analysis 1 multi-layer-perceptron 1 traditional-machine-learning 1 mnist-classification 1 mnist 1 digit-classification 1 course-project 1 population-projections 1 population-model 1 population-genetics 1 population-density-maps 1 population-density 1 population 1 matplotlib 1 kaggle-solution 1 kaggle 1 data-visualization 1 data-structures 1 data-science 1 indian-cities 1 aqi-prediction 1 supervised-machine-learning 1 clustering-algorithm 1 fashion-mnist 1 tf-idf-vectorizer 1 muril 1 machine-learning-from-scratch 1 k-nearest-neighbors 1 full-bayesian-inference 1 expectation-maximization 1 classic-ml-scratch 1 bayes-classifier 1 regularization-methods 1 permutation-importance 1 linear-models 1 ensemble-model 1 decision-tree 1 boosting 1 bagging 1 xgboost 1 support-vector-machine 1