Topic: "monte-carlo-tree-search"
suragnair/alpha-zero-general
A clean implementation based on AlphaZero for any game in any framework + tutorial + Othello/Gobang/TicTacToe/Connect4 and more
Language: Jupyter Notebook - Size: 414 MB - Last synced at: 17 days ago - Pushed at: 4 months ago - Stars: 4,113 - Forks: 1,087

junxiaosong/AlphaZero_Gomoku
An implementation of the AlphaZero algorithm for Gomoku (also called Gobang or Five in a Row)
Language: Python - Size: 7.88 MB - Last synced at: 22 days ago - Pushed at: about 1 year ago - Stars: 3,459 - Forks: 985

werner-duvaud/muzero-general
MuZero
Language: Python - Size: 7.09 MB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 2,610 - Forks: 636

google-deepmind/mctx
Monte Carlo tree search in JAX
Language: Python - Size: 476 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 2,454 - Forks: 199

codelion/optillm
Optimizing inference proxy for LLMs
Language: Python - Size: 1.64 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 2,209 - Forks: 172

opendilab/LightZero
[NeurIPS 2023 Spotlight] LightZero: A Unified Benchmark for Monte Carlo Tree Search in General Sequential Decision Scenarios (awesome MCTS)
Language: Python - Size: 115 MB - Last synced at: 7 days ago - Pushed at: 10 days ago - Stars: 1,359 - Forks: 152

benedekrozemberczki/awesome-monte-carlo-tree-search-papers
A curated list of Monte Carlo tree search papers with implementations.
Language: Python - Size: 238 KB - Last synced at: 4 days ago - Pushed at: about 1 year ago - Stars: 674 - Forks: 74

MolecularAI/aizynthfinder
A tool for retrosynthetic planning
Language: Python - Size: 3.73 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 643 - Forks: 141

peter1591/hearthstone-ai
A Hearthstone AI based on Monte Carlo tree search and neural nets written in modern C++.
Language: C++ - Size: 9.89 MB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 296 - Forks: 49

namin/llm-verified-with-monte-carlo-tree-search
LLM verified with Monte Carlo Tree Search
Language: Jupyter Notebook - Size: 42.4 MB - Last synced at: 2 days ago - Pushed at: about 1 month ago - Stars: 275 - Forks: 28

DataCanvasIO/Hypernets
A General Automated Machine Learning framework to simplify the development of End-to-end AutoML toolkits in specific domains.
Language: Python - Size: 17.8 MB - Last synced at: 30 days ago - Pushed at: 30 days ago - Stars: 267 - Forks: 41

shobrook/saplings
A library of reasoning algorithms for AI agents
Language: Python - Size: 9.5 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 234 - Forks: 13

jbradberry/mcts
Board game AI implementations using Monte Carlo Tree Search
Language: Python - Size: 26.4 KB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 183 - Forks: 34

netcan/AnimalChess
Animal Fight Chess Game(斗兽棋) written in rust.
Language: Rust - Size: 2 MB - Last synced at: 2 days ago - Pushed at: about 1 month ago - Stars: 95 - Forks: 12

lowrollr/turbozero
fast + parallel AlphaZero in JAX
Language: Python - Size: 28.8 MB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 94 - Forks: 9

liuanji/WU-UCT
A novel parallel UCT algorithm with linear speedup and negligible performance loss.
Language: Python - Size: 7.42 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 90 - Forks: 21

HanqingWangAI/SceneMover
Project of Siggraph Asia 2020 paper: Scene Mover: Automatic Move Planning for Scene Arrangement by Deep Reinforcement Learning
Language: Python - Size: 47 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 81 - Forks: 15

rlglab/minizero
MiniZero: An AlphaZero and MuZero Training Framework
Language: C++ - Size: 2.32 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 79 - Forks: 21

santinic/unvibe
Generate correct code from unit-tests
Language: Python - Size: 958 KB - Last synced at: 8 days ago - Pushed at: about 2 months ago - Stars: 71 - Forks: 4

kobanium/Ray
Computer go engine using Monte-Carlo Tree Search (MCTS)
Language: C++ - Size: 93.8 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 71 - Forks: 81

masouduut94/MCTS-agent-python
Monte Carlo Tree Search (MCTS) is a method for finding optimal decisions in a given domain by taking random samples in the decision space and building a search tree accordingly. It has already had a profound impact on Artificial Intelligence (AI) approaches for domains that can be represented as trees of sequential decisions, particularly games and planning problems. In this project I used a board game called "HEX" as a platform to test different simulation strategies in MCTS field.
Language: Python - Size: 695 KB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 65 - Forks: 9

diditforlulz273/PokerRL-Omaha
Omaha Poker functionality+some features for PokerRL Reinforcement Learning card framwork
Language: Python - Size: 122 MB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 62 - Forks: 17

kobanium/TamaGo
Computer go engine using Monte-Carlo Tree Search written in Python3.
Language: Python - Size: 2.61 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 61 - Forks: 11

zfountas/deep-active-inference-mc
Deep active inference agents using Monte-Carlo methods
Language: Python - Size: 12.4 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 59 - Forks: 11

in-op/GameAI
Various C# implementations of game AI
Language: C# - Size: 93.8 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 59 - Forks: 18

gorisanson/quoridor-ai
Quoridor AI based on Monte Carlo tree search
Language: JavaScript - Size: 273 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 58 - Forks: 8

cloxnu/Omega_Gomoku_AI
♟♟♟♟♟ A Gomoku game AI based on Monte Carlo Tree Search, can be trained on policy-value network now. 一个蒙特卡洛树搜索算法实现的五子棋 AI,现可用神经网络训练模型。
Language: Python - Size: 30.1 MB - Last synced at: 6 days ago - Pushed at: about 5 years ago - Stars: 45 - Forks: 7

Weizhe-Chen/PyPolo
A Python library for Robotic Information Gathering
Language: Python - Size: 34.3 MB - Last synced at: 25 days ago - Pushed at: over 1 year ago - Stars: 43 - Forks: 5

grimmerk/alphago-zero-tictactoe-js
A TypeScript game framework based on AlphaZero/TensorFlow.js runs in browser to demonstrate tic-tac-toe AI game. Use a pre-trained model or train from scratch. Ported from suragnair/alpha-zero-general (Python)
Language: TypeScript - Size: 8.06 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 40 - Forks: 6

FelixOpolka/Single-Player-MCTS
🌳 Python implementation of single-player Monte-Carlo Tree Search.
Language: Python - Size: 256 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 40 - Forks: 10

regexident/Strategist
Algorithms for building strong immutable AIs for round-based games.
Language: Swift - Size: 287 KB - Last synced at: 23 days ago - Pushed at: about 5 years ago - Stars: 38 - Forks: 6

DHDev0/Stochastic-muzero
Pytorch Implementation of Stochastic MuZero for gym environment. This algorithm is capable of supporting a wide range of action and observation spaces, including both discrete and continuous variations.
Language: Python - Size: 12.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 37 - Forks: 3

Alfo5123/Connect4
Monte Carlo Tree Search Based AI Connect 4 Bot
Language: Python - Size: 184 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 35 - Forks: 19

thoth-station/adviser
The recommendation engine for Python software stacks and Dependency Monkey in project Thoth.
Language: Python - Size: 13.1 MB - Last synced at: 29 days ago - Pushed at: over 1 year ago - Stars: 34 - Forks: 13

avartia/miniAlphaGo-for-Reversi
An AI for Reversi.
Language: Python - Size: 153 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 34 - Forks: 15

kirarpit/connect4
Solving board games like Connect4 using Deep Reinforcement Learning
Language: Python - Size: 497 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 33 - Forks: 3

thomasahle/mcts-2048
A Monte Carlo Tree Search AI for the game 2048
Language: Java - Size: 43 KB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 30 - Forks: 4

TianHongZXY/CoRe
[ACL 2023] Solving Math Word Problems via Cooperative Reasoning induced Language Models
Language: Python - Size: 6.01 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 27 - Forks: 4

SuReLI/dyna-gym
This is a pip package implementing Reinforcement Learning algorithms in non-stationary environments supported by the OpenAI Gym toolkit.
Language: Python - Size: 39.7 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 27 - Forks: 4

OMerkel/UCThello
UCThello - a board game demonstrator (Othello variant) with computer AI using Monte Carlo Tree Search (MCTS) with UCB (Upper Confidence Bounds) applied to trees (UCT in short)
Language: JavaScript - Size: 5.61 MB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 25 - Forks: 4

snowfrogdev/macao
A general purpose game playing A.I. framework based on the Monte Carlo tree search algorithm.
Language: TypeScript - Size: 2.53 MB - Last synced at: 3 days ago - Pushed at: over 2 years ago - Stars: 24 - Forks: 4

sirmammingtonham/alphastone
Using self-play, MCTS, and a deep neural network to create a hearthstone ai player
Language: Python - Size: 16.5 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 24 - Forks: 7

alostsock/craftingway
A ffxiv crafting tool
Language: TypeScript - Size: 13.8 MB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 22 - Forks: 5

castacks/mcts-stl-planning
Online Signal Temporal Logic (STL) Monte-Carlo Tree Search for Guided Imitation Learning
Language: Python - Size: 111 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 21 - Forks: 0

LHRLAB/KBQA-o1
[ICML 2025] Official resources of "KBQA-o1: Agentic Knowledge Base Question Answering with Monte Carlo Tree Search".
Language: Python - Size: 17.5 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 20 - Forks: 0

Ludeme/LudiiAI
Repo with code for Ludii's built-in AIs.
Language: Java - Size: 799 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 19 - Forks: 3

CyCTW/Parallel-MCTS
Parallel Monte Carlo Tree Search, see README.md for more detailed usage and information.
Language: C++ - Size: 999 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 19 - Forks: 2

RiccardoSpolaor/Verbal-Explanations-of-Spatio-Temporal-Graph-Neural-Networks-for-Traffic-Forecasting
An eXplainable AI system to elucidate short-term speed forecasts in traffic networks obtained by Spatio-Temporal Graph Neural Networks.
Language: Jupyter Notebook - Size: 118 MB - Last synced at: 29 days ago - Pushed at: about 1 year ago - Stars: 18 - Forks: 2

saaltone/SANNet
SANNet Neural Network Framework
Language: Java - Size: 6.21 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 18 - Forks: 6

ToruNiina/separo-rs
An implementation of SEPARO, a board game, with Monte Carlo Tree Search algorithm in Rust/wasm.
Language: Rust - Size: 441 KB - Last synced at: 18 days ago - Pushed at: over 4 years ago - Stars: 18 - Forks: 3

jlokitha/connect-4-game
A classic Connect Four game featuring two-player mode and an AI opponent powered by Monte Carlo Tree Search (MCTS), offering an exciting and strategic gameplay experience.
Language: Java - Size: 138 KB - Last synced at: 12 days ago - Pushed at: 4 months ago - Stars: 17 - Forks: 0

DHDev0/Muzero-unplugged
Pytorch Implementation of MuZero Unplugged for gym environment. This algorithm is capable of supporting a wide range of action and observation spaces, including both discrete and continuous variations.
Language: Python - Size: 2.27 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 17 - Forks: 2

SergioIommi/DQN-2048
Deep Reinforcement Learning to Play 2048 (with Keras)
Language: Python - Size: 20.6 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 17 - Forks: 3

advait/c4a0
Alpha-Zero Connect Four NN trained via self play
Language: Rust - Size: 1.05 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 16 - Forks: 0

shehio/monte-carlo-tree-search
Language: Python - Size: 50.8 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 16 - Forks: 2

sfranzen/ismcsolver
A modern C++14 header-only template library implementing information set Monte Carlo tree search.
Language: C++ - Size: 1.33 MB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 16 - Forks: 3

DHDev0/Muzero
Pytorch Implementation of MuZero for gym environment. It support any Discrete , Box and Box2D configuration for the action space and observation space.
Language: Python - Size: 10 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 15 - Forks: 1

melkael/vne
Virtual Network Embedding algorithms, including code for the paper "Monkey Business: Reinforcement learning meets neighborhood search for Virtual Network Embedding"
Language: Julia - Size: 3.62 MB - Last synced at: 6 months ago - Pushed at: about 3 years ago - Stars: 14 - Forks: 0

LeonardoVal/ludorum.js
A board game framework, focused not on graphics or user interfaces, but on artificial players design, implementation and testing.
Language: JavaScript - Size: 5.1 MB - Last synced at: 26 days ago - Pushed at: 8 months ago - Stars: 13 - Forks: 2

martinobdl/MCTS
Implementation of SPW and DPW for Monte Carlo Tree Search in Continuous action/state space
Language: Python - Size: 37.1 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 13 - Forks: 3

masouduut94/MCTS-agent-cythonized
MONTE Carlo Tree Search (MCTS) is a method for finding optimal decisions in a given domain by taking random samples in the decision space and building a search tree accordingly. It has already had a profound impact on Artificial Intelligence (AI) approaches for domains that can be represented as trees of sequential decisions, particularly games and planning problems. In this project I used a board game called "HEX" as a platform to test different simulation strategies in MCTS field.
Language: Python - Size: 230 KB - Last synced at: 4 months ago - Pushed at: about 4 years ago - Stars: 13 - Forks: 3

Simuschlatz/AlphaBing
♟️ A combination of Reinforcement Learning and Alpha-Beta Search in Chinese chess
Language: Python - Size: 160 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 12 - Forks: 1

dimitrijekaranfilovic/quoridor
Bots for the board game quoridor implemented using four algorithms: minimax, minimax with alpha beta pruning, expectimax and monte carlo tree search.
Language: Python - Size: 2.24 MB - Last synced at: 11 months ago - Pushed at: over 3 years ago - Stars: 12 - Forks: 2

xuxiyang1993/MCTS-for-Computational-Guidance
Python implementation of algorithm proposed in paper "Autonomous On-Demand Free Flight Operations in Urban Air Mobility using Monte Carlo Tree Search"
Language: Python - Size: 31.5 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 12 - Forks: 3

Sagebati/OxyMcts
Mcts library written in rust, for rust.
Language: Rust - Size: 72.3 KB - Last synced at: 12 days ago - Pushed at: over 1 year ago - Stars: 11 - Forks: 3

yangrc1234/Gomoku-Zero
A gomoku AI based on Alpha Zero paper.
Language: Python - Size: 1.75 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 11 - Forks: 2

qpwoeirut/2048-solver
A set of AIs for the 2048 tile-merging game. Includes an expectimax strategy that reaches 16384 with 34.6% success and an ML model trained with temporal difference learning.
Language: C++ - Size: 1.35 GB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 11 - Forks: 0

tsudalab/MCTS-RNA
MCTS-RNA is a computational tool for solving RNA inverse folding problem with controlling the GC-content of the RNA sequence very precisely.
Language: Python - Size: 34.2 KB - Last synced at: about 1 month ago - Pushed at: about 8 years ago - Stars: 11 - Forks: 5

MichiganDataScienceTeam/W25-mini-alphago
Building an adapted AlphaGo for 9x9 Go from almost scratch
Language: Python - Size: 223 KB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 10 - Forks: 1

lowrollr/turbozero_torch
fast + parallel AlphaZero in PyTorch
Language: Jupyter Notebook - Size: 28 MB - Last synced at: 28 days ago - Pushed at: over 1 year ago - Stars: 10 - Forks: 4

VelbazhdSoftwareLLC/IthakaBoardGame
Ithaka board game is played on a four by four square grid with three pieces in each of four colors.
Language: Java - Size: 65.5 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 10 - Forks: 5

igorpejic/visapi
Monte Carlo Tree Search on Perfect Rectangle Packing Problem Instances
Language: Jupyter Notebook - Size: 9.31 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 2

Butanium/monte-carlo-tree-search-TSP
Monte Carlo tree search for the travelling salesman problem (MCTS for the TSP)
Language: OCaml - Size: 21.8 MB - Last synced at: 28 days ago - Pushed at: almost 3 years ago - Stars: 10 - Forks: 0

ihalage/MetaZero
MetaZero - A reinforcement learning program to optimise metasurface radar cross section (RCS) by self-playing. Inspired by AlphaZero.
Language: Python - Size: 949 KB - Last synced at: 11 months ago - Pushed at: over 3 years ago - Stars: 10 - Forks: 2

Chrism1c/TetrAIs
Six Tetris Artificial Intelligence Algorithms Showdown
Language: Python - Size: 36 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 10 - Forks: 4

OMerkel/Oware
Oware and Ouril - traditional African Mancala games with computer AI using Monte Carlo Tree Search (MCTS) with UCB (Upper Confidence Bounds) applied to trees (UCT in short)
Language: HTML - Size: 17.1 MB - Last synced at: 3 months ago - Pushed at: about 7 years ago - Stars: 10 - Forks: 2

cnarutox/Gobang
Gobang Based on Monte Carlo Tree Search
Language: Python - Size: 1.95 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 9 - Forks: 2

peldszus/alpha-zero-general-lib
An implementation of the AlphaZero algorithm for adversarial games to be used with the machine learning framework of your choice
Language: Python - Size: 154 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 9 - Forks: 1

0xNineteen/hyper-alpha-zero
hyper optimized alpha zero implementation to play gomoku (distributed training with ray, mcts with cython)
Language: Python - Size: 864 KB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 0

shehio/ReinforcementLearning
Reinforcement Learning algorithms with nothing abstracted away
Language: Python - Size: 788 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 1

ChampiB/Homing-Pigeon
Homing Piegon is an inference framework implementing Variational Message Passing. It can be used to implement an Active Inference agent that performs planning using a Tree Search algorithm that can been seen as a form of Bayesian Model Expansion.
Language: C++ - Size: 947 KB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 8 - Forks: 0

nikohass/rust-socha2021
Blokus client for the Software-Challenge Germany 2021
Language: Rust - Size: 764 KB - Last synced at: 10 months ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 1

xuxiyang1993/Multi_MCTS_Guidance_Separation_Assurance
Language: Python - Size: 782 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 8

nakkekakke/rummy-ai
Text based classic Rummy game with an AI that uses ISMCTS. Data Structures and Algorithms course project, University of Helsinki
Language: Java - Size: 757 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 2

RubenBranco/SokobanAlphaGo
AlphaGo Zero Reinforcement Learning Sokoban Solver
Language: Python - Size: 23.4 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 8 - Forks: 3

jdermont/YaPaperSoccer
A single player source code for Ya Paper Soccer - paper soccer for Android.
Language: C++ - Size: 57.5 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 7 - Forks: 2

metareflection/synthesis-scheme
explorations of Scheme synthesis in Scheme
Language: Scheme - Size: 104 KB - Last synced at: 1 day ago - Pushed at: about 1 year ago - Stars: 7 - Forks: 0

TianyiQ/Doudizhu-MCTS
AI for the Chinese card game Doudizhu
Language: C++ - Size: 72.3 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 3

rkc007/AlphaGo-Zero-Implementation-Using-Reinforcement-Learning
This is my implementation of the DeepMind's AlphaZero algorithm for the Game of Go
Language: Python - Size: 50.8 KB - Last synced at: 19 days ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 2

maxhumber/Carlo
Monte Carlo Tree Search Library
Language: Swift - Size: 7.21 MB - Last synced at: 20 days ago - Pushed at: almost 3 years ago - Stars: 7 - Forks: 2

williamcorsel/hexai
MiniMax with Alpha-Beta pruning and Monte-Carlo Tree Search implementations for the board game Hex
Language: Python - Size: 30.3 KB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 7 - Forks: 0

petosa/simple-alpha-zero
Clean, tested, & modular AlphaZero implementation with multiplayer support.
Language: Python - Size: 133 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 7 - Forks: 2

mraufc/mcts
MCTS is a Monte Carlo Tree Search implementation.
Language: Go - Size: 6.84 KB - Last synced at: 11 months ago - Pushed at: about 6 years ago - Stars: 7 - Forks: 0

Greenwicher/PyPRS
The python implementation of Partition-based Random Search for stochastic multi-objective optimization via simulation
Language: C - Size: 56.5 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 7 - Forks: 1

xpmatteo/auto-cca
Experimental AI to play the Commands & Colors boardgame
Language: JavaScript - Size: 5.33 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 6 - Forks: 0

CN-UPB/FutureCoord
Model-based AI approach for network and service coordination leveraging uncertain traffic forecasts
Language: Python - Size: 7.03 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 6 - Forks: 2

woctezuma/puissance4
AI for the game "Connect Four". Available on PyPI.
Language: Python - Size: 169 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 1

kz04px/tiktaxx
An engine in C++ to play the board game Ataxx
Language: C++ - Size: 160 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 2

threnjen/Monte_Carlo_Game_AI_Engine
Monte Carlo AI Engine framework & Azul: Summer Pavilion specific rules
Language: Python - Size: 532 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 1

ashutosh1919/consistency-models
Ready to run PyTorch implementation of Consistency Models: One-Step Image Generation & Editing
Language: Shell - Size: 1.31 MB - Last synced at: 4 days ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 1
