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

Projects in Awesome Lists tagged with logistic-regression

A curated list of projects in awesome lists tagged with logistic-regression .

https://github.com/rasbt/python-machine-learning-book

The "Python Machine Learning (1st edition)" book code repository and info resource

data-mining data-science logistic-regression machine-learning machine-learning-algorithms neural-network python scikit-learn

Last synced: 14 May 2025

https://github.com/boltzmannentropy/interviews.ai

It is my belief that you, the postgraduate students and job-seekers for whom the book is primarily meant will benefit from reading it; however, it is my hope that even the most experienced researchers will find it fascinating as well.

artificial-intelligence autograd bayesian-statistics convolutional-neural-networks data-science deep-learning ensemble-learning feature-extraction graduate-school information-theory interview-preparation jax jobs logistic-regression loss-functions machine-learning python pytorch pytorch-tutorial

Last synced: 15 May 2025

https://github.com/BoltzmannEntropy/interviews.ai

It is my belief that you, the postgraduate students and job-seekers for whom the book is primarily meant will benefit from reading it; however, it is my hope that even the most experienced researchers will find it fascinating as well.

artificial-intelligence autograd bayesian-statistics convolutional-neural-networks data-science deep-learning ensemble-learning feature-extraction graduate-school information-theory interview-preparation jax jobs logistic-regression loss-functions machine-learning python pytorch pytorch-tutorial

Last synced: 27 Mar 2025

https://github.com/binroot/tensorflow-book

Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.

autoencoder book classification clustering convolutional-neural-networks linear-regression logistic-regression machine-learning regression reinforcement-learning tensorflow

Last synced: 14 May 2025

https://github.com/BinRoot/TensorFlow-Book

Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.

autoencoder book classification clustering convolutional-neural-networks linear-regression logistic-regression machine-learning regression reinforcement-learning tensorflow

Last synced: 20 Mar 2025

https://github.com/ibrahimjelliti/Deeplearning.ai-Natural-Language-Processing-Specialization

This repository contains my full work and notes on Coursera's NLP Specialization (Natural Language Processing) taught by the instructor Younes Bensouda Mourri and Łukasz Kaiser offered by deeplearning.ai

attention-mechanism coursera deep-learning deeplearning-ai encoder-decoder logistic-regression machine-learning naive-bayes neural neural-networks nlp probabilistic-models sequence-models specialization

Last synced: 26 Nov 2024

https://github.com/hollance/tensorflow-ios-example

Source code for my blog post "Getting started with TensorFlow on iOS"

ios logistic-regression machine-learning metal tensorflow voice-recognition

Last synced: 07 Apr 2025

https://github.com/hollance/TensorFlow-iOS-Example

Source code for my blog post "Getting started with TensorFlow on iOS"

ios logistic-regression machine-learning metal tensorflow voice-recognition

Last synced: 09 May 2025

https://github.com/skylark0924/machine-learning-is-all-you-need

🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!

actor-critic convolutional-neural-networks ddpg decision-trees deep-reinforcement-learning dqn gan k-nearest-neighbours keras logistic-regression lstm naive-bayes-classifier ppo pytorch qlearning random-forest resnet support-vector-machine tensorflow trpo

Last synced: 05 Apr 2025

https://github.com/andreiapostoae/dota2-predictor

Tool that predicts the outcome of a Dota 2 game using Machine Learning

dota dota2 gaming logistic-regression machine-learning neural-network prediction

Last synced: 27 Nov 2024

https://github.com/kanyun-inc/ytk-learn

Ytk-learn is a distributed machine learning library which implements most of popular machine learning algorithms(GBDT, GBRT, Mixture Logistic Regression, Gradient Boosting Soft Tree, Factorization Machines, Field-aware Factorization Machines, Logistic Regression, Softmax).

distributed factorization-machines gbdt gbm hadoop logistic-regression machine-learning spark

Last synced: 06 Apr 2025

https://github.com/bwaldvogel/liblinear-java

Java version of LIBLINEAR

java liblinear logistic-regression svm

Last synced: 15 May 2025

https://github.com/luopeixiang/textclf

TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextRNN、TextRCNN、DRNN、DPCNN、Bert等多种模型,通过简单配置即可完成数据处理、模型训练、测试等过程。

bert cnn-text-classification configurable document-classification dpcnn drnn glove logistic-regression lstm-text-classification neuralclassifier pytorch sentiment-analysis sklearn-classify svm textcnn textrnn word2vec

Last synced: 09 Apr 2025

https://github.com/nlp-kr/tensorflow-ml-nlp

텐서플로우와 머신러닝으로 시작하는 자연어처리(로지스틱회귀부터 트랜스포머 챗봇까지)

chatbot dssm konlpy korean-nlp korean-text-processing korean-tokenizer logistic-regression malstm nlp nltk numpy pandas random-forest sentiment-classification seq2seq similarity sklearn tensorflow transformer xgboost

Last synced: 13 May 2025

https://github.com/dominance-analysis/dominance-analysis

This package can be used for dominance analysis or Shapley Value Regression for finding relative importance of predictors on given dataset. This library can be used for key driver analysis or marginal resource allocation models.

classification-model dominance dominance-analysis dominance-statistics feature-engineering feature-importance feature-selection keydrivers logistic-regression multiple-regression predictor predictor-importance pseudo-r-square r-square regression-models relative-importance shapley-value

Last synced: 01 May 2025

https://github.com/ing-bank/skorecard

scikit-learn compatible tools for building credit risk acceptance models

credit-risk creditrisk logistic-regression machine-learning scikit-learn scorecard scorecard-model scorecards

Last synced: 13 Apr 2025

https://github.com/harshcasper/brihaspati

Collection of various implementations and Codes in Machine Learning, Deep Learning and Computer Vision ✨💥

artificial-intelligence artificial-neural-networks computer-vision decision-tree-classifier deep-learning linear-regression logistic-regression machine-learning neural-network notebooks

Last synced: 21 Mar 2025

https://github.com/harismuneer/handwritten-digits-classification-using-knn-multiclass_perceptron-svm

🏆 A Comparative Study on Handwritten Digits Recognition using Classifiers like K-Nearest Neighbours (K-NN), Multiclass Perceptron/Artificial Neural Network (ANN) and Support Vector Machine (SVM) discussing the pros and cons of each algorithm and providing the comparison results in terms of accuracy and efficiecy of each algorithm.

accuracy-analysis artificial-neural-network comparative-study delta-rule efficiency-analysis handwritten-digit-recognition k-nearest-neighbours knn learning-algorithms-comparison logistic-regression machine-learning-algorithms mnist-classification-logistic mnist-dataset multiclass-perceptron perceptron-learning-algorithm sigmoid-function supervised-machine-learning support-vector-classifier support-vector-machines svm

Last synced: 09 Apr 2025

https://github.com/osspk/handwritten-digits-classification-using-knn-multiclass_perceptron-svm

🏆 A Comparative Study on Handwritten Digits Recognition using Classifiers like K-Nearest Neighbours (K-NN), Multiclass Perceptron/Artificial Neural Network (ANN) and Support Vector Machine (SVM) discussing the pros and cons of each algorithm and providing the comparison results in terms of accuracy and efficiecy of each algorithm.

accuracy-analysis artificial-neural-network comparative-study delta-rule efficiency-analysis handwritten-digit-recognition k-nearest-neighbours knn learning-algorithms-comparison logistic-regression machine-learning-algorithms mnist-classification-logistic mnist-dataset multiclass-perceptron perceptron-learning-algorithm sigmoid-function supervised-machine-learning support-vector-classifier support-vector-machines svm

Last synced: 24 Nov 2024

https://github.com/thomasnield/kotlin-machine-learning-demos

Demonstration of several machine learning algorithms in Kotlin

deep-learning kotlin logistic-regression machine-learing-algorithms machine-learning

Last synced: 27 Mar 2025

https://github.com/dselivanov/ftrl

R/Rcpp implementation of the 'Follow-the-Regularized-Leader' algorithm

ftrl logistic-regression machine-learning r sgd

Last synced: 14 Apr 2025

https://github.com/jasonmdev/learning-python-predictive-analytics

Tracking, notes and programming snippets while learning predictive analytics

dataset linear-regression logistic-regression predictive-analytics python

Last synced: 14 May 2025

https://github.com/JasonMDev/learning-python-predictive-analytics

Tracking, notes and programming snippets while learning predictive analytics

dataset linear-regression logistic-regression predictive-analytics python

Last synced: 27 Nov 2024

https://github.com/vubacktracking/coursera-machine-learning-specialization

Contains Optional Labs and Solutions of Programming Assignment for the Machine Learning Specialization By Stanford University and Deeplearning.ai - Coursera (2023) by Prof. Andrew NG

andrew-ng andrew-ng-machine-learning coursera-specialization decision-trees gradient-descent linear-regression logistic-regression machine-learning neural-network python softmax-regression supervised-learning tensorflow unsupervised-learning xgboost

Last synced: 12 Apr 2025

https://github.com/chen0040/js-regression

Package provides javascript implementation of linear regression and logistic regression

binary-classification javascript linear-regression linear-regression-models logistic-regression mlr nodejs

Last synced: 16 Dec 2024

https://github.com/kitestring/dataquest

Data Science Massive Open Online Course: All the code, notes and supplementary materials generated during the course of my data scientific learning.

dataquest gitignore jupyter-notebook k-means-clustering k-nearest-neighbours linear-regression linux logistic-regression machine-learning matplotlib pandas postgresql pydev pyspark python-3-6 seaborn sklearn sqlite3 statistics webscraping

Last synced: 14 Jun 2025

https://github.com/ncar/gard

Generalized Analog Regression Downscaling (GARD) code

analog climate downscaling logistic-regression regression

Last synced: 08 Mar 2025

https://github.com/mubaris/tensorflow-101

:racehorse: Introduction to TensorFlow :snowflake:

101 ai hello-world logistic-regression machine-learning python tensorflow

Last synced: 08 Apr 2025

https://github.com/dpressel/sgdtk

A Java library for Stochastic Gradient Descent (SGD)

crf java logistic-regression sgd svm

Last synced: 23 Mar 2025

https://github.com/ewenwan/learn_tensorflow

学习 TensorFLow 线性&逻辑回归 多层感知机 神经网络 自编码 循环神经网络 优化记录

convolutional-neural-networks linear-regression logistic-regression long-short-term-memory-models tensorboard tensorflow

Last synced: 19 Jun 2025

https://github.com/yashksaini-coder/multivariate-logistic-regression---telecom-churn

Building a logistic regression model for telecom churn prediction, utilizing 21 customer-related variables to predict whether a customer will switch to another telecom provider or not.

logistic-regression machine-learning multivariate-regression supervised-learning supervised-machine-learning

Last synced: 11 Apr 2025

https://github.com/dhruvesh13/audio-genre-classification

Automatic music genre classification using Machine Learning algorithms like- Logistic Regression and K-Nearest Neighbours

audio-gene logistic-regression machine-learning mfcc python-2

Last synced: 26 Jan 2025

https://github.com/shaadclt/multiple-disease-prediction-system

The Multiple Disease Prediction project aims to create a user-friendly web application that allows users to input relevant medical information and receive predictions for different diseases.

logistic-regression support-vector-machine

Last synced: 10 Apr 2025

https://github.com/cloudera/cml_amp_churn_prediction

Build an scikit-learn model to predict churn using customer telco data.

churn-prediction explainability interpretability lime logistic-regression

Last synced: 13 Apr 2025

https://github.com/ruban2205/iris_classification

This repository contains the Iris Classification Machine Learning Project. Which is a comprehensive exploration of machine learning techniques applied to the classification of iris flowers into different species based on their physical characteristics.

iris-classification iris-dataset k-nearest-neighbor-classifier logistic-regression logistic-regression-algorithm machine-learning navie-bayes-algorithm support-vector-classifier

Last synced: 21 Nov 2024

https://github.com/anishlearnstocode/ml-stanford

Machine Learning Course by Stanford on Coursera (Andrew Ng)

andrew-ng classification coursera logistic-regression machine-learning ml regression stanford

Last synced: 10 Apr 2025