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

GitHub topics: thompson-sampling

ReinerJasin/Multi-Armed-Bandit

Implementation of the Multi-Armed Bandit where each arm returns continuous numerical rewards. Covers Epsilon-Greedy, UCB1, and Thompson Sampling with detailed explanations.

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

sail-sg/oat

🌾 OAT: A research-friendly framework for LLM online alignment, including preference learning, reinforcement learning, etc.

Language: Python - Size: 2.27 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 325 - Forks: 21

Vinit-4689/Multi-Armed-Bandit

Efficient exploration and exploitation strategies using Epsilon-Greedy, UCB1, and Thompson Sampling — with code, math, and intuition.

Language: Python - Size: 14.6 KB - Last synced at: 4 days ago - Pushed at: 14 days ago - Stars: 1 - Forks: 0

alison-carrera/onn

Online Deep Learning: Learning Deep Neural Networks on the Fly / Non-linear Contextual Bandit Algorithm (ONN_THS)

Language: Python - Size: 66.4 KB - Last synced at: 4 days ago - Pushed at: over 5 years ago - Stars: 186 - Forks: 46

UQUH/TSRoots

TSRoots: A Python package for efficient Gaussian process Thompson sampling in Bayesian optimization via rootfinding.

Language: Python - Size: 8.43 MB - Last synced at: 13 days ago - Pushed at: about 2 months ago - Stars: 7 - Forks: 0

alison-carrera/mabalgs

:bust_in_silhouette: Multi-Armed Bandit Algorithms Library (MAB) :cop:

Language: Python - Size: 2.1 MB - Last synced at: 4 days ago - Pushed at: over 2 years ago - Stars: 133 - Forks: 26

Eric-Bradford/TS-EMO

This repository contains the source code for “Thompson sampling efficient multiobjective optimization” (TSEMO).

Language: MATLAB - Size: 1.83 MB - Last synced at: 23 days ago - Pushed at: almost 5 years ago - Stars: 100 - Forks: 14

ZIYU-DEEP/Awesome-Papers-on-Combinatorial-Semi-Bandit-Problems

A curated list on papers about combinatorial multi-armed bandit problems.

Size: 40 KB - Last synced at: about 22 hours ago - Pushed at: almost 4 years ago - Stars: 17 - Forks: 0

michaelosthege/pyrff

pyrff: Python implementation of random fourier feature approximations for gaussian processes

Language: Jupyter Notebook - Size: 68.5 MB - Last synced at: 15 days ago - Pushed at: about 1 month ago - Stars: 28 - Forks: 2

stitchfix/mab

Library for multi-armed bandit selection strategies, including efficient deterministic implementations of Thompson sampling and epsilon-greedy.

Language: Go - Size: 77.1 KB - Last synced at: 28 days ago - Pushed at: about 2 months ago - Stars: 54 - Forks: 7

GjjvdBurg/ThompsonSampling

Source code for blog post on Thompson Sampling

Language: JavaScript - Size: 18.6 KB - Last synced at: 20 days ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 1

panxulab/MARL-CoopTS

Code for the paper "Randomized Exploration in Cooperative Multi-Agent Reinforcement Learning"

Language: Python - Size: 116 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 3 - Forks: 0

v-i-s-h/MAB.jl

A Julia Package for providing Multi Armed Bandit Experiments

Language: Julia - Size: 274 KB - Last synced at: 21 days ago - Pushed at: almost 7 years ago - Stars: 21 - Forks: 8

Pegah-Ardehkhani/Reinforcement-Learning-Algorithms-from-Scratch

Explore key RL algorithms with detailed explanations and fully commented Python code implementations

Language: Jupyter Notebook - Size: 2.36 MB - Last synced at: 3 days ago - Pushed at: 5 months ago - Stars: 4 - Forks: 0

AriannaBonazza/mab-improve-recsys

Notebooks for "A multi-armed bandit approach to improve recommendation systems"

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

dkvc/Ensemble_Warfarin

Enhancing Warfarin Dosage Prediction using Ensemble Sampling

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

hardhik-99/Thompsom_Sampling_GoF

Thompson Sampling equipped with Goodness of Fit test based active change-point detection in Non-Stationary Bandit environment

Language: Python - Size: 96.7 KB - Last synced at: 9 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

lucko515/ads-strategy-reinforcement-learning

The example of using reinforcement learning algorithms in the business, specifically finding what ads to use in our campaign.

Language: Jupyter Notebook - Size: 37.1 KB - Last synced at: 12 days ago - Pushed at: almost 8 years ago - Stars: 7 - Forks: 3

BillaAbhi258/Financial-Services-Recommendation-System

A ML based recommender system that deals with generating personalized recommendations to customers

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

mykeels/multi-armed-bandit-problem

An implementation of solvers for the multi-armed-bandit-problem in JavaScript.

Language: JavaScript - Size: 5.86 KB - Last synced at: 24 days ago - Pushed at: about 6 years ago - Stars: 3 - Forks: 0

haoyangzheng1996/ts_ulmc

The GitHub repository for "Accelerating Approximate Thompson Sampling with Underdamped Langevin Monte Carlo", AISTATS 2024.

Language: Python - Size: 56.6 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 4 - Forks: 0

thetawom/mabby

A multi-armed bandit (MAB) simulation library in Python

Language: Python - Size: 3.86 MB - Last synced at: 2 days ago - Pushed at: 10 months ago - Stars: 8 - Forks: 1

featmate/thompsonsampling-orderrpc

汤普森采样的通用服务,用于从redis中获得目标物品的alpha,beta值,然后过beta分布随机出一个数值后做排序

Language: Go - Size: 117 KB - Last synced at: 10 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

panxulab/LSVI-ASE

The official code release for "More Efficient Randomized Exploration for Reinforcement Learning via Approximate Sampling", Reinforcement Learning Conference (RLC) 2024

Language: Python - Size: 16.4 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

volvo-cars/eene-nav-bandit-sim

EENE Navigation Bandit Simulator

Language: Python - Size: 66.4 KB - Last synced at: 29 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

atse0612/Machine-Learning-A-Z

Language: Jupyter Notebook - Size: 706 KB - Last synced at: 12 months ago - Pushed at: about 7 years ago - Stars: 12 - Forks: 40

Shlok1810/Ad-Selection-Algorithm-using-Machine-learning

Which Advertisement is the best fit for our business we can directly get through UCB Algorithm

Language: Jupyter Notebook - Size: 18.6 KB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

krishnaaxo/Reinforcement-UCB-ThompsonSampling

Language: Jupyter Notebook - Size: 198 KB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

marmiskarian/AB-testing

An implementation of the Epsilon Greedy and Thompson Sampling algorithms using NumPy, pandas and Matplotlib.

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

rueian/gobandit

A golang library for solving multi armed bandit problem which can optimize your business choice on the fly without A/B testing

Language: Go - Size: 6.84 KB - Last synced at: 16 days ago - Pushed at: about 6 years ago - Stars: 5 - Forks: 1

LaurentVeyssier/Maximize-Revenues-with-Thompson-Sampling

Maximize revenues of Online Retail Business with Thompson Sampling algorithm

Language: Jupyter Notebook - Size: 659 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

hmishfaq/LMC-LSVI

The official code release for Provable and Practical: Efficient Exploration in Reinforcement Learning via Langevin Monte Carlo, ICLR 2024.

Language: Python - Size: 32.9 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 2

vmarchaud/ts-mab

Typescript implementation of a multi-armed bandit

Language: TypeScript - Size: 107 KB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 0

graciangelica/Ads_CTR_Optimisation

🖱 Figure out which ad has the highest click rate

Language: Jupyter Notebook - Size: 60.5 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

GuilongAaron/beta_distribution_adprediction

This program deploys Thompson Bandit algorithm to solve an ad prediction for highest probability of clicking.

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

cormac-rynne/bandits

Variety of Multi-Arm Bandit (MAB) algorithms using classic and advanced strategies, including tools for experiments and simulations in stationary and nonstationary environments

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

StivenMetaj/Data_Intelligence_Applications_Exam_Project

Our project for the "Data Intelligence Applications" exam at Politecnico di Milano. The project was about Social Influence and Pricing techniques applied to networks.

Language: Python - Size: 1.52 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 3

alexandrulita91/multi-armed-bandit

The Multi-armed bandit problem is one of the classical reinforcements learning problems that describe the friction between the agent's exploration and exploitation.

Language: Python - Size: 233 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

sharmaroshan/Ads-Optimization

Optimizing the best Ads using Reinforcement learning Algorithms such as Thompson Sampling and Upper Confidence Bound.

Language: Jupyter Notebook - Size: 84 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 13 - Forks: 8

andrecianflone/thompson

Thompson Sampling Tutorial

Language: Jupyter Notebook - Size: 305 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 41 - Forks: 15

Jayavathsan/MachineLearning-SciKitLearn

Using SciKit Learn few Deep Learning Rules and Algorithms are implemented

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

cotrane/Thompson-Sampler

Simple Thompson Sampler for a multi-armed bandit problem

Language: Jupyter Notebook - Size: 43.9 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

Sagarnandeshwar/Bandit_Algorithms

Reinforcement Learning (COMP 579) Project

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

annieyan/Bandits-using-UCB-algorithm

Thompson Sampling for Bandits using UCB policy

Language: Python - Size: 3.91 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 10 - Forks: 3

twkillian/nonstationary_contextual_bandits

Repo for course CSC2558: "Intelligent Adaptive Interventions" project in nonstationary contextual bandits.

Language: Python - Size: 634 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 2

niffler92/Bandit

Bandit algorithms

Language: Python - Size: 300 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 29 - Forks: 6

nphdang/Bandit-BO

Bayesian Optimization for Categorical and Continuous Inputs

Language: Python - Size: 188 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 16 - Forks: 2

VladMarianCimpeanu/OLA_project

Reinforcement learning techniques applied to solve pricing problems in e-commerce applications. Final project for "Online learning applications" course (2021-2022)

Language: Jupyter Notebook - Size: 52.6 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 3

Amshra267/Thompson-Greedy-Comparison-for-MultiArmed-Bandits

Repository Containing Comparison of two methods for dealing with Exploration-Exploitation dilemma for MultiArmed Bandits

Language: Python - Size: 12.9 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 7 - Forks: 0

Nikronic/Machine-Learning-Models 📦

In This repository I made some simple to complex methods in machine learning. Here I try to build template style code.

Language: Python - Size: 716 KB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 31 - Forks: 12

NaynaJahan/Best-Ad-selection-to-optimize-CTR-using-Reinforcement-Learning-Thompson-Sampling-

Best Ad selection among many advertisements shown to different users/website viewer to optimize Click-through rate using Thompson Sampling - a reinforcement learning approach. As the customer navigates the website, they will suddenly get a pop-up ad, suggesting to them that they subscribe to the premium plan. For each customer browsing the website, only one of the nine strategies will be displayed. Then the user will choose, or not, to take action and subscribe to the premium plan. If the customer subscribes, the strategy is a success; otherwise, it is a failure. The more customers we do this with, the more feedback we collect, and the better idea we get of what the best strategy isThe data is taken through simulation and the best ad is shown using a histogram.

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

Suchetaaa/CS747-Assignments

Foundations Of Intelligent Learning Agents (FILA) Assignments

Language: Python - Size: 3.04 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 0

paramrathour/Intelligent-and-Learning-Agents

My programs during CS747 (Foundations of Intelligent and Learning Agents) Autumn 2021-22

Language: Python - Size: 19.2 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

sarthakmittal92/multi-armed-bandits

Repository for the course project done as part of CS-747 (Foundations of Intelligent & Learning Agents) course at IIT Bombay in Autumn 2022.

Language: Python - Size: 330 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

farhanchoudhary/Machine_Learning_A-Z_All_Codes_and_Templates

All codes, both created and optimized for best results from the SuperDataScience Course

Language: Python - Size: 5.7 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 31 - Forks: 32

ishank-juneja/Correlated-AoI-Bandits

Author's implementation of the paper Correlated Age-of-Information Bandits.

Language: Python - Size: 176 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 9 - Forks: 0

doguilmak/Rock-Paper-Scissors-with-Thompson-Sampling

The aim of this project is to achieve maximum success by the algorithm in the rock-paper-scissors game with the reinforcement learning.

Language: Python - Size: 168 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

nimily/linear-ts

Codes for simulations in the paper "On Worst-case Regret of Linear Thompson Sampling"

Language: Python - Size: 2.33 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 2

antoine-hochart/bandit_algo_evaluation

Offline evaluation of multi-armed bandit algorithms

Language: Python - Size: 340 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 13 - Forks: 3

LukasRinder/bayesian-neural-networks

Different implementations of Bayesian neural networks for uncertainty estimation. The uncertainty estimation is utilized for efficient exploration in reinforcement learning.

Language: Python - Size: 1.73 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

swasun/BanditProblem 📦

A collection of implementations of the bandit problem.

Language: Jupyter Notebook - Size: 580 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

rudrajit1729/Machine-Learning-Codes-And-Templates

Codes and templates for ML algorithms created, modified and optimized in Python and R.

Language: Python - Size: 21 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 4 - Forks: 3

Ralami1859/Stochastic-Multi-Armed-Bandit

Implementation of 9 multi-armed bandit algorithm for the stationary stochastic environment

Language: MATLAB - Size: 48.8 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 4 - Forks: 2

elina-israyelyan/thompson-sampling

Package to implement the Thompson Sampling algorithm.

Language: Python - Size: 466 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

RonyAbecidan/Neural-Thompson-Sampling

Study of the paper 'Neural Thompson Sampling' published in October 2020

Language: Jupyter Notebook - Size: 10.4 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 3

lionelsamrat10/Machine-learning-a-to-z

This repo contains code templates of all the machine learning algorithms that are used, like Regression, Classification, Clustering, etc.

Language: Jupyter Notebook - Size: 13.4 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

AlexandroLuis/Hyper-Heuristic

Thompson Sampling HH implementation to solve TSP in a genetic algorithm configuration.

Language: Jupyter Notebook - Size: 4.62 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

nphdang/turbo_bbo_neurips_2020

An improved version of Turbo algorithm for the Black-box optimization competition organized by NeurIPS 2020

Language: Python - Size: 110 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 0

naman2040/Ads_Optimisation

(REINFORCEMENT LEARNING) : We are given a dataset that contains information about the ads clicked by the visitors at each visit to a webpage (amongst 10 different ads). Our Task is to find the most viewed ad i.e ad having the highest distribution of the viewers in Minimum number of Rounds and Resources. Here I have used "Upper Confidence Bound" and "Thompson Sampling" models to get the insights.

Language: Jupyter Notebook - Size: 52.7 KB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 1

posgnu/bayesian-active-learning-on-multi-armed-bandit

Bayesian active learning algorithm with Thompson sampling on multi-armed bandit with Numpy

Language: Python - Size: 121 KB - Last synced at: 13 days ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

vidits-kth/bayesla-link-adaptation

Bayesian Link Adaptation under a BLER Target

Language: Jupyter Notebook - Size: 2.4 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 2

doguilmak/Random-Seleciton-Upper-Confidence-Bound-and-Thompson-Sampling-on-Advertising-Preference

The purpose of this study is to predict which ad will be the most preferred by the customers over the fictitious ads clicked by the users.

Language: Python - Size: 28.3 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

akshaykhadse/reinforcement-learning

Implementations of basic concepts dealt under the Reinforcement Learning umbrella. This project is collection of assignments in CS747: Foundations of Intelligent and Learning Agents (Autumn 2017) at IIT Bombay

Language: Python - Size: 20.4 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 15 - Forks: 6

CavenaghiEmanuele/Multi-armed-bandit

Library on Multi-armed bandit

Language: Python - Size: 29 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 2

proceduralia/randomist

Code for Policy Optimization as Online Learning with Mediator Feedback

Language: Python - Size: 31.3 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

rssalessio/Parallel-Bayesian-Optimization-Thompson-Sampling

Language: Python - Size: 29.3 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 2

k9luo/Deep-Preference-Elicitation

A Comparative Evaluation of Active Learning Methods in Deep Recommendation

Language: Jupyter Notebook - Size: 14.6 MB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 1

aijunbai/thompson-sampling

Thompson Sampling based Monte Carlo Tree Search for MDPs and POMDPs

Language: C++ - Size: 948 KB - Last synced at: about 2 years ago - Pushed at: almost 9 years ago - Stars: 14 - Forks: 0

aashish22bansal/Best-Ads-Predictor

Predicting the best Ad from the given Ads.

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

SamueleMeta/data-intelligence-applications Fork of StivenMetaj/Data_Intelligence_Applications_Exam_Project

Our project for the "Data Intelligence Applications" exam at Politecnico di Milano. The project was about Social Influence and Pricing online learning techniques applied to networks.

Language: Python - Size: 1.52 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

amirabbasii/A3C_Kung_Fu

Language: Jupyter Notebook - Size: 1.53 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

Murtazali05/Multi-armed-bandit

Multi Armed Bandits implementation using the Jester Dataset

Language: Python - Size: 4.14 MB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

R4j4n/Maximizing-Revenue-of-an-Online-Retail-Business

Language: Python - Size: 32.2 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 0

Sanket758/Machine-Learning-A-Z

Language: Jupyter Notebook - Size: 2.94 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 1

idjoannachen/botorch Fork of pytorch/botorch

Bayesian optimization in PyTorch

Language: Python - Size: 15.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

preferred-pictures/python

A python client for the PreferedPictures API

Language: Python - Size: 183 KB - Last synced at: 2 days ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

preferred-pictures/ruby

A Ruby client for the PreferredPictures API.

Language: Ruby - Size: 9.77 KB - Last synced at: 17 days ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

preferred-pictures/php

A PHP client for the PreferredPictures API.

Language: PHP - Size: 597 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

preferred-pictures/node

A Node.js client for PreferredPictures API.

Language: TypeScript - Size: 113 KB - Last synced at: 9 days ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

EmanuelAlogna/Data-Intelligence-Applications

Pricing and Social Influence Maximization using Reinforcement Learning algorithms in Data Intelligence Applications projects from Politechnic of Milan

Language: Python - Size: 9.52 MB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 2

Eric-Su-2718/Reinforcement-learning-methods-for-the-multi-armed-bandit-problem

Implementation of the Upper confidence bounds and Thompson sampling algorithms in R for the multi armed bandit problem

Size: 7.81 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

etscrivner/thompson_sampling

Prototype use of Thompson Sampling for interview candidate evaluation.

Language: D - Size: 173 KB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0

Related Keywords
thompson-sampling 92 reinforcement-learning 36 multi-armed-bandit 16 ucb 16 multi-armed-bandits 15 epsilon-greedy 12 machine-learning 11 multiarmed-bandits 11 upper-confidence-bounds 10 python 10 reinforcement-learning-algorithms 7 bayesian-optimization 7 upper-confidence-bound 7 mab 6 bandit-algorithms 6 ucb1 5 exploration-exploitation 5 ab-testing 5 classification 5 optimization 5 contextual-bandits 5 multiarm-bandit 4 gaussian-processes 4 pricing 4 monte-carlo 4 thompson-algorithm 4 clustering 4 dimensionality-reduction 4 kl-ucb 4 linear-programming 4 simulation 3 social-influence 3 bandit 3 linucb 3 policy-iteration 3 naive-bayes 3 principal-component-analysis 3 logistic-regression 3 regression 3 random-forest 3 eclat 2 deep-learning 2 decision-tree 2 multi-arm-bandits 2 apriori 2 natural-language-processing 2 neural-networks 2 svm 2 sarsa 2 golang 2 value-iteration 2 recommender-system 2 association-rule-mining 2 kmeans-clustering 2 random-selection 2 langevin-dynamics 2 typescript 2 policy-evaluation 2 langevin-mc 2 bayes-ucb 2 machine-learning-algorithms 2 linear-regression 2 naive-bayes-classifier 2 r 2 howards-pi 2 montecarlo-simulation 2 hyperparameter-optimization 2 hyperparameter-tuning 2 batch-bayesian-optimization 2 black-box-optimization 2 automated-machine-learning 2 acquisition-functions 2 ann 2 pytorch 2 neural-network 2 xgboost 2 python3 2 data-science 2 nlp-machine-learning 2 tensorflow 2 bandits 2 combinatorial-bandit 2 datascience 1 rock-paper-scissors 1 cnn-classification 1 deep-reinforcement-learning 1 bootstrapping 1 bayesian-neural-networks 1 lda 1 deep-q-network 1 bellman-equation 1 feature-extraction 1 support-vector-regression 1 pca 1 classification-algorithims 1 uncertainty-estimation 1 eclat-algorithm 1 apriori-algorithm 1 policy-control 1 tile-coding 1