Merge branch 'feature/botBlackStrategy' into develop
This commit is contained in:
commit
5b02293221
2
Cargo.lock
generated
2
Cargo.lock
generated
|
|
@ -321,6 +321,7 @@ dependencies = [
|
||||||
"burn",
|
"burn",
|
||||||
"burn-rl",
|
"burn-rl",
|
||||||
"env_logger 0.10.0",
|
"env_logger 0.10.0",
|
||||||
|
"log",
|
||||||
"pretty_assertions",
|
"pretty_assertions",
|
||||||
"rand 0.8.5",
|
"rand 0.8.5",
|
||||||
"serde",
|
"serde",
|
||||||
|
|
@ -881,6 +882,7 @@ dependencies = [
|
||||||
"bot",
|
"bot",
|
||||||
"env_logger 0.11.6",
|
"env_logger 0.11.6",
|
||||||
"itertools 0.13.0",
|
"itertools 0.13.0",
|
||||||
|
"log",
|
||||||
"pico-args",
|
"pico-args",
|
||||||
"pretty_assertions",
|
"pretty_assertions",
|
||||||
"renet",
|
"renet",
|
||||||
|
|
|
||||||
|
|
@ -10,8 +10,8 @@ name = "train_dqn_burn"
|
||||||
path = "src/dqn/burnrl/main.rs"
|
path = "src/dqn/burnrl/main.rs"
|
||||||
|
|
||||||
[[bin]]
|
[[bin]]
|
||||||
name = "train_dqn"
|
name = "train_dqn_simple"
|
||||||
path = "src/bin/train_dqn.rs"
|
path = "src/dqn/simple/main.rs"
|
||||||
|
|
||||||
[dependencies]
|
[dependencies]
|
||||||
pretty_assertions = "1.4.0"
|
pretty_assertions = "1.4.0"
|
||||||
|
|
@ -22,3 +22,4 @@ rand = "0.8"
|
||||||
env_logger = "0.10"
|
env_logger = "0.10"
|
||||||
burn = { version = "0.17", features = ["ndarray", "autodiff"] }
|
burn = { version = "0.17", features = ["ndarray", "autodiff"] }
|
||||||
burn-rl = { git = "https://github.com/yunjhongwu/burn-rl-examples.git", package = "burn-rl" }
|
burn-rl = { git = "https://github.com/yunjhongwu/burn-rl-examples.git", package = "burn-rl" }
|
||||||
|
log = "0.4.20"
|
||||||
|
|
|
||||||
|
|
@ -141,7 +141,7 @@ impl Environment for TrictracEnvironment {
|
||||||
self.step_count += 1;
|
self.step_count += 1;
|
||||||
|
|
||||||
// Convertir l'action burn-rl vers une action Trictrac
|
// Convertir l'action burn-rl vers une action Trictrac
|
||||||
let trictrac_action = self.convert_action(action, &self.game);
|
let trictrac_action = Self::convert_action(action);
|
||||||
|
|
||||||
let mut reward = 0.0;
|
let mut reward = 0.0;
|
||||||
let mut terminated = false;
|
let mut terminated = false;
|
||||||
|
|
@ -203,11 +203,7 @@ impl Environment for TrictracEnvironment {
|
||||||
|
|
||||||
impl TrictracEnvironment {
|
impl TrictracEnvironment {
|
||||||
/// Convertit une action burn-rl vers une action Trictrac
|
/// Convertit une action burn-rl vers une action Trictrac
|
||||||
fn convert_action(
|
pub fn convert_action(action: TrictracAction) -> Option<dqn_common::TrictracAction> {
|
||||||
&self,
|
|
||||||
action: TrictracAction,
|
|
||||||
game_state: &GameState,
|
|
||||||
) -> Option<dqn_common::TrictracAction> {
|
|
||||||
dqn_common::TrictracAction::from_action_index(action.index.try_into().unwrap())
|
dqn_common::TrictracAction::from_action_index(action.index.try_into().unwrap())
|
||||||
}
|
}
|
||||||
|
|
||||||
|
|
|
||||||
|
|
@ -1,9 +1,10 @@
|
||||||
use bot::dqn::burnrl::{dqn_model, environment, utils::demo_model};
|
use bot::dqn::burnrl::{
|
||||||
use burn::backend::{ndarray::NdArrayDevice, Autodiff, NdArray};
|
dqn_model, environment,
|
||||||
use burn::module::Module;
|
utils::{demo_model, load_model, save_model},
|
||||||
use burn::record::{CompactRecorder, Recorder};
|
};
|
||||||
|
use burn::backend::{Autodiff, NdArray};
|
||||||
use burn_rl::agent::DQN;
|
use burn_rl::agent::DQN;
|
||||||
use burn_rl::base::{Action, Agent, ElemType, Environment, State};
|
use burn_rl::base::ElemType;
|
||||||
|
|
||||||
type Backend = Autodiff<NdArray<ElemType>>;
|
type Backend = Autodiff<NdArray<ElemType>>;
|
||||||
type Env = environment::TrictracEnvironment;
|
type Env = environment::TrictracEnvironment;
|
||||||
|
|
@ -25,44 +26,13 @@ fn main() {
|
||||||
|
|
||||||
println!("> Sauvegarde du modèle de validation");
|
println!("> Sauvegarde du modèle de validation");
|
||||||
|
|
||||||
let path = "models/burn_dqn_50".to_string();
|
let path = "models/burn_dqn_40".to_string();
|
||||||
save_model(valid_agent.model().as_ref().unwrap(), &path);
|
save_model(valid_agent.model().as_ref().unwrap(), &path);
|
||||||
|
|
||||||
// println!("> Test avec le modèle entraîné");
|
|
||||||
// demo_model::<Env>(valid_agent);
|
|
||||||
|
|
||||||
println!("> Chargement du modèle pour test");
|
println!("> Chargement du modèle pour test");
|
||||||
let loaded_model = load_model(conf.dense_size, &path);
|
let loaded_model = load_model(conf.dense_size, &path);
|
||||||
let loaded_agent = DQN::new(loaded_model);
|
let loaded_agent = DQN::new(loaded_model.unwrap());
|
||||||
|
|
||||||
println!("> Test avec le modèle chargé");
|
println!("> Test avec le modèle chargé");
|
||||||
demo_model(loaded_agent);
|
demo_model(loaded_agent);
|
||||||
}
|
}
|
||||||
|
|
||||||
fn save_model(model: &dqn_model::Net<NdArray<ElemType>>, path: &String) {
|
|
||||||
let recorder = CompactRecorder::new();
|
|
||||||
let model_path = format!("{}_model.mpk", path);
|
|
||||||
println!("Modèle de validation sauvegardé : {}", model_path);
|
|
||||||
recorder
|
|
||||||
.record(model.clone().into_record(), model_path.into())
|
|
||||||
.unwrap();
|
|
||||||
}
|
|
||||||
|
|
||||||
fn load_model(dense_size: usize, path: &String) -> dqn_model::Net<NdArray<ElemType>> {
|
|
||||||
let model_path = format!("{}_model.mpk", path);
|
|
||||||
println!("Chargement du modèle depuis : {}", model_path);
|
|
||||||
|
|
||||||
let device = NdArrayDevice::default();
|
|
||||||
let recorder = CompactRecorder::new();
|
|
||||||
|
|
||||||
let record = recorder
|
|
||||||
.load(model_path.into(), &device)
|
|
||||||
.expect("Impossible de charger le modèle");
|
|
||||||
|
|
||||||
dqn_model::Net::new(
|
|
||||||
<environment::TrictracEnvironment as Environment>::StateType::size(),
|
|
||||||
dense_size,
|
|
||||||
<environment::TrictracEnvironment as Environment>::ActionType::size(),
|
|
||||||
)
|
|
||||||
.load_record(record)
|
|
||||||
}
|
|
||||||
|
|
|
||||||
|
|
@ -1,12 +1,43 @@
|
||||||
use crate::dqn::burnrl::environment::{TrictracAction, TrictracEnvironment};
|
use crate::dqn::burnrl::{
|
||||||
|
dqn_model,
|
||||||
|
environment::{TrictracAction, TrictracEnvironment},
|
||||||
|
};
|
||||||
use crate::dqn::dqn_common::get_valid_action_indices;
|
use crate::dqn::dqn_common::get_valid_action_indices;
|
||||||
use burn::module::{Param, ParamId};
|
use burn::backend::{ndarray::NdArrayDevice, Autodiff, NdArray};
|
||||||
|
use burn::module::{Module, Param, ParamId};
|
||||||
use burn::nn::Linear;
|
use burn::nn::Linear;
|
||||||
|
use burn::record::{CompactRecorder, Recorder};
|
||||||
use burn::tensor::backend::Backend;
|
use burn::tensor::backend::Backend;
|
||||||
use burn::tensor::cast::ToElement;
|
use burn::tensor::cast::ToElement;
|
||||||
use burn::tensor::Tensor;
|
use burn::tensor::Tensor;
|
||||||
use burn_rl::agent::{DQNModel, DQN};
|
use burn_rl::agent::{DQNModel, DQN};
|
||||||
use burn_rl::base::{ElemType, Environment, State};
|
use burn_rl::base::{Action, ElemType, Environment, State};
|
||||||
|
|
||||||
|
pub fn save_model(model: &dqn_model::Net<NdArray<ElemType>>, path: &String) {
|
||||||
|
let recorder = CompactRecorder::new();
|
||||||
|
let model_path = format!("{path}_model.mpk");
|
||||||
|
println!("Modèle de validation sauvegardé : {model_path}");
|
||||||
|
recorder
|
||||||
|
.record(model.clone().into_record(), model_path.into())
|
||||||
|
.unwrap();
|
||||||
|
}
|
||||||
|
|
||||||
|
pub fn load_model(dense_size: usize, path: &String) -> Option<dqn_model::Net<NdArray<ElemType>>> {
|
||||||
|
let model_path = format!("{path}_model.mpk");
|
||||||
|
// println!("Chargement du modèle depuis : {model_path}");
|
||||||
|
|
||||||
|
CompactRecorder::new()
|
||||||
|
.load(model_path.into(), &NdArrayDevice::default())
|
||||||
|
.map(|record| {
|
||||||
|
dqn_model::Net::new(
|
||||||
|
<TrictracEnvironment as Environment>::StateType::size(),
|
||||||
|
dense_size,
|
||||||
|
<TrictracEnvironment as Environment>::ActionType::size(),
|
||||||
|
)
|
||||||
|
.load_record(record)
|
||||||
|
})
|
||||||
|
.ok()
|
||||||
|
}
|
||||||
|
|
||||||
pub fn demo_model<B: Backend, M: DQNModel<B>>(agent: DQN<TrictracEnvironment, B, M>) {
|
pub fn demo_model<B: Backend, M: DQNModel<B>>(agent: DQN<TrictracEnvironment, B, M>) {
|
||||||
let mut env = TrictracEnvironment::new(true);
|
let mut env = TrictracEnvironment::new(true);
|
||||||
|
|
|
||||||
|
|
@ -106,157 +106,6 @@ impl TrictracAction {
|
||||||
// }
|
// }
|
||||||
}
|
}
|
||||||
|
|
||||||
/// Configuration pour l'agent DQN
|
|
||||||
#[derive(Debug, Clone, Serialize, Deserialize)]
|
|
||||||
pub struct DqnConfig {
|
|
||||||
pub state_size: usize,
|
|
||||||
pub hidden_size: usize,
|
|
||||||
pub num_actions: usize,
|
|
||||||
pub learning_rate: f64,
|
|
||||||
pub gamma: f64,
|
|
||||||
pub epsilon: f64,
|
|
||||||
pub epsilon_decay: f64,
|
|
||||||
pub epsilon_min: f64,
|
|
||||||
pub replay_buffer_size: usize,
|
|
||||||
pub batch_size: usize,
|
|
||||||
}
|
|
||||||
|
|
||||||
impl Default for DqnConfig {
|
|
||||||
fn default() -> Self {
|
|
||||||
Self {
|
|
||||||
state_size: 36,
|
|
||||||
hidden_size: 512, // Augmenter la taille pour gérer l'espace d'actions élargi
|
|
||||||
num_actions: TrictracAction::action_space_size(),
|
|
||||||
learning_rate: 0.001,
|
|
||||||
gamma: 0.99,
|
|
||||||
epsilon: 0.1,
|
|
||||||
epsilon_decay: 0.995,
|
|
||||||
epsilon_min: 0.01,
|
|
||||||
replay_buffer_size: 10000,
|
|
||||||
batch_size: 32,
|
|
||||||
}
|
|
||||||
}
|
|
||||||
}
|
|
||||||
|
|
||||||
/// Réseau de neurones DQN simplifié (matrice de poids basique)
|
|
||||||
#[derive(Debug, Clone, Serialize, Deserialize)]
|
|
||||||
pub struct SimpleNeuralNetwork {
|
|
||||||
pub weights1: Vec<Vec<f32>>,
|
|
||||||
pub biases1: Vec<f32>,
|
|
||||||
pub weights2: Vec<Vec<f32>>,
|
|
||||||
pub biases2: Vec<f32>,
|
|
||||||
pub weights3: Vec<Vec<f32>>,
|
|
||||||
pub biases3: Vec<f32>,
|
|
||||||
}
|
|
||||||
|
|
||||||
impl SimpleNeuralNetwork {
|
|
||||||
pub fn new(input_size: usize, hidden_size: usize, output_size: usize) -> Self {
|
|
||||||
use rand::{thread_rng, Rng};
|
|
||||||
let mut rng = thread_rng();
|
|
||||||
|
|
||||||
// Initialisation aléatoire des poids avec Xavier/Glorot
|
|
||||||
let scale1 = (2.0 / input_size as f32).sqrt();
|
|
||||||
let weights1 = (0..hidden_size)
|
|
||||||
.map(|_| {
|
|
||||||
(0..input_size)
|
|
||||||
.map(|_| rng.gen_range(-scale1..scale1))
|
|
||||||
.collect()
|
|
||||||
})
|
|
||||||
.collect();
|
|
||||||
let biases1 = vec![0.0; hidden_size];
|
|
||||||
|
|
||||||
let scale2 = (2.0 / hidden_size as f32).sqrt();
|
|
||||||
let weights2 = (0..hidden_size)
|
|
||||||
.map(|_| {
|
|
||||||
(0..hidden_size)
|
|
||||||
.map(|_| rng.gen_range(-scale2..scale2))
|
|
||||||
.collect()
|
|
||||||
})
|
|
||||||
.collect();
|
|
||||||
let biases2 = vec![0.0; hidden_size];
|
|
||||||
|
|
||||||
let scale3 = (2.0 / hidden_size as f32).sqrt();
|
|
||||||
let weights3 = (0..output_size)
|
|
||||||
.map(|_| {
|
|
||||||
(0..hidden_size)
|
|
||||||
.map(|_| rng.gen_range(-scale3..scale3))
|
|
||||||
.collect()
|
|
||||||
})
|
|
||||||
.collect();
|
|
||||||
let biases3 = vec![0.0; output_size];
|
|
||||||
|
|
||||||
Self {
|
|
||||||
weights1,
|
|
||||||
biases1,
|
|
||||||
weights2,
|
|
||||||
biases2,
|
|
||||||
weights3,
|
|
||||||
biases3,
|
|
||||||
}
|
|
||||||
}
|
|
||||||
|
|
||||||
pub fn forward(&self, input: &[f32]) -> Vec<f32> {
|
|
||||||
// Première couche
|
|
||||||
let mut layer1: Vec<f32> = self.biases1.clone();
|
|
||||||
for (i, neuron_weights) in self.weights1.iter().enumerate() {
|
|
||||||
for (j, &weight) in neuron_weights.iter().enumerate() {
|
|
||||||
if j < input.len() {
|
|
||||||
layer1[i] += input[j] * weight;
|
|
||||||
}
|
|
||||||
}
|
|
||||||
layer1[i] = layer1[i].max(0.0); // ReLU
|
|
||||||
}
|
|
||||||
|
|
||||||
// Deuxième couche
|
|
||||||
let mut layer2: Vec<f32> = self.biases2.clone();
|
|
||||||
for (i, neuron_weights) in self.weights2.iter().enumerate() {
|
|
||||||
for (j, &weight) in neuron_weights.iter().enumerate() {
|
|
||||||
if j < layer1.len() {
|
|
||||||
layer2[i] += layer1[j] * weight;
|
|
||||||
}
|
|
||||||
}
|
|
||||||
layer2[i] = layer2[i].max(0.0); // ReLU
|
|
||||||
}
|
|
||||||
|
|
||||||
// Couche de sortie
|
|
||||||
let mut output: Vec<f32> = self.biases3.clone();
|
|
||||||
for (i, neuron_weights) in self.weights3.iter().enumerate() {
|
|
||||||
for (j, &weight) in neuron_weights.iter().enumerate() {
|
|
||||||
if j < layer2.len() {
|
|
||||||
output[i] += layer2[j] * weight;
|
|
||||||
}
|
|
||||||
}
|
|
||||||
}
|
|
||||||
|
|
||||||
output
|
|
||||||
}
|
|
||||||
|
|
||||||
pub fn get_best_action(&self, input: &[f32]) -> usize {
|
|
||||||
let q_values = self.forward(input);
|
|
||||||
q_values
|
|
||||||
.iter()
|
|
||||||
.enumerate()
|
|
||||||
.max_by(|(_, a), (_, b)| a.partial_cmp(b).unwrap())
|
|
||||||
.map(|(index, _)| index)
|
|
||||||
.unwrap_or(0)
|
|
||||||
}
|
|
||||||
|
|
||||||
pub fn save<P: AsRef<std::path::Path>>(
|
|
||||||
&self,
|
|
||||||
path: P,
|
|
||||||
) -> Result<(), Box<dyn std::error::Error>> {
|
|
||||||
let data = serde_json::to_string_pretty(self)?;
|
|
||||||
std::fs::write(path, data)?;
|
|
||||||
Ok(())
|
|
||||||
}
|
|
||||||
|
|
||||||
pub fn load<P: AsRef<std::path::Path>>(path: P) -> Result<Self, Box<dyn std::error::Error>> {
|
|
||||||
let data = std::fs::read_to_string(path)?;
|
|
||||||
let network = serde_json::from_str(&data)?;
|
|
||||||
Ok(network)
|
|
||||||
}
|
|
||||||
}
|
|
||||||
|
|
||||||
/// Obtient les actions valides pour l'état de jeu actuel
|
/// Obtient les actions valides pour l'état de jeu actuel
|
||||||
pub fn get_valid_actions(game_state: &crate::GameState) -> Vec<TrictracAction> {
|
pub fn get_valid_actions(game_state: &crate::GameState) -> Vec<TrictracAction> {
|
||||||
use store::TurnStage;
|
use store::TurnStage;
|
||||||
|
|
|
||||||
154
bot/src/dqn/simple/dqn_model.rs
Normal file
154
bot/src/dqn/simple/dqn_model.rs
Normal file
|
|
@ -0,0 +1,154 @@
|
||||||
|
use crate::dqn::dqn_common::TrictracAction;
|
||||||
|
use serde::{Deserialize, Serialize};
|
||||||
|
|
||||||
|
/// Configuration pour l'agent DQN
|
||||||
|
#[derive(Debug, Clone, Serialize, Deserialize)]
|
||||||
|
pub struct DqnConfig {
|
||||||
|
pub state_size: usize,
|
||||||
|
pub hidden_size: usize,
|
||||||
|
pub num_actions: usize,
|
||||||
|
pub learning_rate: f64,
|
||||||
|
pub gamma: f64,
|
||||||
|
pub epsilon: f64,
|
||||||
|
pub epsilon_decay: f64,
|
||||||
|
pub epsilon_min: f64,
|
||||||
|
pub replay_buffer_size: usize,
|
||||||
|
pub batch_size: usize,
|
||||||
|
}
|
||||||
|
|
||||||
|
impl Default for DqnConfig {
|
||||||
|
fn default() -> Self {
|
||||||
|
Self {
|
||||||
|
state_size: 36,
|
||||||
|
hidden_size: 512, // Augmenter la taille pour gérer l'espace d'actions élargi
|
||||||
|
num_actions: TrictracAction::action_space_size(),
|
||||||
|
learning_rate: 0.001,
|
||||||
|
gamma: 0.99,
|
||||||
|
epsilon: 0.1,
|
||||||
|
epsilon_decay: 0.995,
|
||||||
|
epsilon_min: 0.01,
|
||||||
|
replay_buffer_size: 10000,
|
||||||
|
batch_size: 32,
|
||||||
|
}
|
||||||
|
}
|
||||||
|
}
|
||||||
|
|
||||||
|
/// Réseau de neurones DQN simplifié (matrice de poids basique)
|
||||||
|
#[derive(Debug, Clone, Serialize, Deserialize)]
|
||||||
|
pub struct SimpleNeuralNetwork {
|
||||||
|
pub weights1: Vec<Vec<f32>>,
|
||||||
|
pub biases1: Vec<f32>,
|
||||||
|
pub weights2: Vec<Vec<f32>>,
|
||||||
|
pub biases2: Vec<f32>,
|
||||||
|
pub weights3: Vec<Vec<f32>>,
|
||||||
|
pub biases3: Vec<f32>,
|
||||||
|
}
|
||||||
|
|
||||||
|
impl SimpleNeuralNetwork {
|
||||||
|
pub fn new(input_size: usize, hidden_size: usize, output_size: usize) -> Self {
|
||||||
|
use rand::{thread_rng, Rng};
|
||||||
|
let mut rng = thread_rng();
|
||||||
|
|
||||||
|
// Initialisation aléatoire des poids avec Xavier/Glorot
|
||||||
|
let scale1 = (2.0 / input_size as f32).sqrt();
|
||||||
|
let weights1 = (0..hidden_size)
|
||||||
|
.map(|_| {
|
||||||
|
(0..input_size)
|
||||||
|
.map(|_| rng.gen_range(-scale1..scale1))
|
||||||
|
.collect()
|
||||||
|
})
|
||||||
|
.collect();
|
||||||
|
let biases1 = vec![0.0; hidden_size];
|
||||||
|
|
||||||
|
let scale2 = (2.0 / hidden_size as f32).sqrt();
|
||||||
|
let weights2 = (0..hidden_size)
|
||||||
|
.map(|_| {
|
||||||
|
(0..hidden_size)
|
||||||
|
.map(|_| rng.gen_range(-scale2..scale2))
|
||||||
|
.collect()
|
||||||
|
})
|
||||||
|
.collect();
|
||||||
|
let biases2 = vec![0.0; hidden_size];
|
||||||
|
|
||||||
|
let scale3 = (2.0 / hidden_size as f32).sqrt();
|
||||||
|
let weights3 = (0..output_size)
|
||||||
|
.map(|_| {
|
||||||
|
(0..hidden_size)
|
||||||
|
.map(|_| rng.gen_range(-scale3..scale3))
|
||||||
|
.collect()
|
||||||
|
})
|
||||||
|
.collect();
|
||||||
|
let biases3 = vec![0.0; output_size];
|
||||||
|
|
||||||
|
Self {
|
||||||
|
weights1,
|
||||||
|
biases1,
|
||||||
|
weights2,
|
||||||
|
biases2,
|
||||||
|
weights3,
|
||||||
|
biases3,
|
||||||
|
}
|
||||||
|
}
|
||||||
|
|
||||||
|
pub fn forward(&self, input: &[f32]) -> Vec<f32> {
|
||||||
|
// Première couche
|
||||||
|
let mut layer1: Vec<f32> = self.biases1.clone();
|
||||||
|
for (i, neuron_weights) in self.weights1.iter().enumerate() {
|
||||||
|
for (j, &weight) in neuron_weights.iter().enumerate() {
|
||||||
|
if j < input.len() {
|
||||||
|
layer1[i] += input[j] * weight;
|
||||||
|
}
|
||||||
|
}
|
||||||
|
layer1[i] = layer1[i].max(0.0); // ReLU
|
||||||
|
}
|
||||||
|
|
||||||
|
// Deuxième couche
|
||||||
|
let mut layer2: Vec<f32> = self.biases2.clone();
|
||||||
|
for (i, neuron_weights) in self.weights2.iter().enumerate() {
|
||||||
|
for (j, &weight) in neuron_weights.iter().enumerate() {
|
||||||
|
if j < layer1.len() {
|
||||||
|
layer2[i] += layer1[j] * weight;
|
||||||
|
}
|
||||||
|
}
|
||||||
|
layer2[i] = layer2[i].max(0.0); // ReLU
|
||||||
|
}
|
||||||
|
|
||||||
|
// Couche de sortie
|
||||||
|
let mut output: Vec<f32> = self.biases3.clone();
|
||||||
|
for (i, neuron_weights) in self.weights3.iter().enumerate() {
|
||||||
|
for (j, &weight) in neuron_weights.iter().enumerate() {
|
||||||
|
if j < layer2.len() {
|
||||||
|
output[i] += layer2[j] * weight;
|
||||||
|
}
|
||||||
|
}
|
||||||
|
}
|
||||||
|
|
||||||
|
output
|
||||||
|
}
|
||||||
|
|
||||||
|
pub fn get_best_action(&self, input: &[f32]) -> usize {
|
||||||
|
let q_values = self.forward(input);
|
||||||
|
q_values
|
||||||
|
.iter()
|
||||||
|
.enumerate()
|
||||||
|
.max_by(|(_, a), (_, b)| a.partial_cmp(b).unwrap())
|
||||||
|
.map(|(index, _)| index)
|
||||||
|
.unwrap_or(0)
|
||||||
|
}
|
||||||
|
|
||||||
|
pub fn save<P: AsRef<std::path::Path>>(
|
||||||
|
&self,
|
||||||
|
path: P,
|
||||||
|
) -> Result<(), Box<dyn std::error::Error>> {
|
||||||
|
let data = serde_json::to_string_pretty(self)?;
|
||||||
|
std::fs::write(path, data)?;
|
||||||
|
Ok(())
|
||||||
|
}
|
||||||
|
|
||||||
|
pub fn load<P: AsRef<std::path::Path>>(path: P) -> Result<Self, Box<dyn std::error::Error>> {
|
||||||
|
let data = std::fs::read_to_string(path)?;
|
||||||
|
let network = serde_json::from_str(&data)?;
|
||||||
|
Ok(network)
|
||||||
|
}
|
||||||
|
}
|
||||||
|
|
||||||
|
|
@ -5,7 +5,8 @@ use serde::{Deserialize, Serialize};
|
||||||
use std::collections::VecDeque;
|
use std::collections::VecDeque;
|
||||||
use store::{GameEvent, MoveRules, PointsRules, Stage, TurnStage};
|
use store::{GameEvent, MoveRules, PointsRules, Stage, TurnStage};
|
||||||
|
|
||||||
use crate::dqn::dqn_common::{get_valid_actions, DqnConfig, SimpleNeuralNetwork, TrictracAction};
|
use super::dqn_model::{DqnConfig, SimpleNeuralNetwork};
|
||||||
|
use crate::dqn::dqn_common::{get_valid_actions, TrictracAction};
|
||||||
|
|
||||||
/// Expérience pour le buffer de replay
|
/// Expérience pour le buffer de replay
|
||||||
#[derive(Debug, Clone, Serialize, Deserialize)]
|
#[derive(Debug, Clone, Serialize, Deserialize)]
|
||||||
|
|
|
||||||
|
|
@ -1,4 +1,5 @@
|
||||||
use bot::dqn::dqn_common::{DqnConfig, TrictracAction};
|
use bot::dqn::dqn_common::TrictracAction;
|
||||||
|
use bot::dqn::simple::dqn_model::DqnConfig;
|
||||||
use bot::dqn::simple::dqn_trainer::DqnTrainer;
|
use bot::dqn::simple::dqn_trainer::DqnTrainer;
|
||||||
use std::env;
|
use std::env;
|
||||||
|
|
||||||
|
|
@ -1 +1,2 @@
|
||||||
|
pub mod dqn_model;
|
||||||
pub mod dqn_trainer;
|
pub mod dqn_trainer;
|
||||||
|
|
|
||||||
|
|
@ -1,10 +1,13 @@
|
||||||
pub mod dqn;
|
pub mod dqn;
|
||||||
pub mod strategy;
|
pub mod strategy;
|
||||||
|
|
||||||
|
use log::{debug, error};
|
||||||
use store::{CheckerMove, Color, GameEvent, GameState, PlayerId, PointsRules, Stage, TurnStage};
|
use store::{CheckerMove, Color, GameEvent, GameState, PlayerId, PointsRules, Stage, TurnStage};
|
||||||
pub use strategy::default::DefaultStrategy;
|
pub use strategy::default::DefaultStrategy;
|
||||||
pub use strategy::dqn::DqnStrategy;
|
pub use strategy::dqn::DqnStrategy;
|
||||||
|
pub use strategy::dqnburn::DqnBurnStrategy;
|
||||||
pub use strategy::erroneous_moves::ErroneousStrategy;
|
pub use strategy::erroneous_moves::ErroneousStrategy;
|
||||||
|
pub use strategy::random::RandomStrategy;
|
||||||
pub use strategy::stable_baselines3::StableBaselines3Strategy;
|
pub use strategy::stable_baselines3::StableBaselines3Strategy;
|
||||||
|
|
||||||
pub trait BotStrategy: std::fmt::Debug {
|
pub trait BotStrategy: std::fmt::Debug {
|
||||||
|
|
@ -26,7 +29,7 @@ pub trait BotStrategy: std::fmt::Debug {
|
||||||
pub struct Bot {
|
pub struct Bot {
|
||||||
pub player_id: PlayerId,
|
pub player_id: PlayerId,
|
||||||
strategy: Box<dyn BotStrategy>,
|
strategy: Box<dyn BotStrategy>,
|
||||||
// color: Color,
|
color: Color,
|
||||||
// schools_enabled: bool,
|
// schools_enabled: bool,
|
||||||
}
|
}
|
||||||
|
|
||||||
|
|
@ -34,9 +37,9 @@ impl Default for Bot {
|
||||||
fn default() -> Self {
|
fn default() -> Self {
|
||||||
let strategy = DefaultStrategy::default();
|
let strategy = DefaultStrategy::default();
|
||||||
Self {
|
Self {
|
||||||
player_id: 2,
|
player_id: 1,
|
||||||
strategy: Box::new(strategy),
|
strategy: Box::new(strategy),
|
||||||
// color: Color::Black,
|
color: Color::White,
|
||||||
// schools_enabled: false,
|
// schools_enabled: false,
|
||||||
}
|
}
|
||||||
}
|
}
|
||||||
|
|
@ -52,57 +55,86 @@ impl Bot {
|
||||||
Color::White => 1,
|
Color::White => 1,
|
||||||
Color::Black => 2,
|
Color::Black => 2,
|
||||||
};
|
};
|
||||||
strategy.set_player_id(player_id);
|
// strategy.set_player_id(player_id);
|
||||||
strategy.set_color(color);
|
// strategy.set_color(color);
|
||||||
Self {
|
Self {
|
||||||
player_id,
|
player_id,
|
||||||
strategy,
|
strategy,
|
||||||
// color,
|
color,
|
||||||
// schools_enabled: false,
|
// schools_enabled: false,
|
||||||
}
|
}
|
||||||
}
|
}
|
||||||
|
|
||||||
pub fn handle_event(&mut self, event: &GameEvent) -> Option<GameEvent> {
|
pub fn handle_event(&mut self, event: &GameEvent) -> Option<GameEvent> {
|
||||||
|
debug!(">>>> {:?} BOT handle", self.color);
|
||||||
let game = self.strategy.get_mut_game();
|
let game = self.strategy.get_mut_game();
|
||||||
game.consume(event);
|
let internal_event = if self.color == Color::Black {
|
||||||
|
&event.get_mirror()
|
||||||
|
} else {
|
||||||
|
event
|
||||||
|
};
|
||||||
|
|
||||||
|
let init_player_points = game.who_plays().map(|p| (p.points, p.holes));
|
||||||
|
let turn_stage = game.turn_stage;
|
||||||
|
game.consume(internal_event);
|
||||||
if game.stage == Stage::Ended {
|
if game.stage == Stage::Ended {
|
||||||
|
debug!("<<<< end {:?} BOT handle", self.color);
|
||||||
return None;
|
return None;
|
||||||
}
|
}
|
||||||
if game.active_player_id == self.player_id {
|
let active_player_id = if self.color == Color::Black {
|
||||||
return match game.turn_stage {
|
if game.active_player_id == 1 {
|
||||||
|
2
|
||||||
|
} else {
|
||||||
|
1
|
||||||
|
}
|
||||||
|
} else {
|
||||||
|
game.active_player_id
|
||||||
|
};
|
||||||
|
if active_player_id == self.player_id {
|
||||||
|
let player_points = game.who_plays().map(|p| (p.points, p.holes));
|
||||||
|
if self.color == Color::Black {
|
||||||
|
debug!( " input (internal) evt : {internal_event:?}, points : {init_player_points:?}, stage : {turn_stage:?}");
|
||||||
|
}
|
||||||
|
let internal_event = match game.turn_stage {
|
||||||
TurnStage::MarkAdvPoints => Some(GameEvent::Mark {
|
TurnStage::MarkAdvPoints => Some(GameEvent::Mark {
|
||||||
player_id: self.player_id,
|
player_id: 1,
|
||||||
points: self.strategy.calculate_adv_points(),
|
points: self.strategy.calculate_adv_points(),
|
||||||
}),
|
}),
|
||||||
TurnStage::RollDice => Some(GameEvent::Roll {
|
TurnStage::RollDice => Some(GameEvent::Roll { player_id: 1 }),
|
||||||
player_id: self.player_id,
|
|
||||||
}),
|
|
||||||
TurnStage::MarkPoints => Some(GameEvent::Mark {
|
TurnStage::MarkPoints => Some(GameEvent::Mark {
|
||||||
player_id: self.player_id,
|
player_id: 1,
|
||||||
points: self.strategy.calculate_points(),
|
points: self.strategy.calculate_points(),
|
||||||
}),
|
}),
|
||||||
TurnStage::Move => Some(GameEvent::Move {
|
TurnStage::Move => Some(GameEvent::Move {
|
||||||
player_id: self.player_id,
|
player_id: 1,
|
||||||
moves: self.strategy.choose_move(),
|
moves: self.strategy.choose_move(),
|
||||||
}),
|
}),
|
||||||
TurnStage::HoldOrGoChoice => {
|
TurnStage::HoldOrGoChoice => {
|
||||||
if self.strategy.choose_go() {
|
if self.strategy.choose_go() {
|
||||||
Some(GameEvent::Go {
|
Some(GameEvent::Go { player_id: 1 })
|
||||||
player_id: self.player_id,
|
|
||||||
})
|
|
||||||
} else {
|
} else {
|
||||||
Some(GameEvent::Move {
|
Some(GameEvent::Move {
|
||||||
player_id: self.player_id,
|
player_id: 1,
|
||||||
moves: self.strategy.choose_move(),
|
moves: self.strategy.choose_move(),
|
||||||
})
|
})
|
||||||
}
|
}
|
||||||
}
|
}
|
||||||
_ => None,
|
_ => None,
|
||||||
};
|
};
|
||||||
|
return if self.color == Color::Black {
|
||||||
|
debug!(" bot (internal) evt : {internal_event:?} ; points : {player_points:?}");
|
||||||
|
debug!("<<<< end {:?} BOT handle", self.color);
|
||||||
|
internal_event.map(|evt| evt.get_mirror())
|
||||||
|
} else {
|
||||||
|
debug!("<<<< end {:?} BOT handle", self.color);
|
||||||
|
internal_event
|
||||||
|
};
|
||||||
}
|
}
|
||||||
|
debug!("<<<< end {:?} BOT handle", self.color);
|
||||||
None
|
None
|
||||||
}
|
}
|
||||||
|
|
||||||
|
// Only used in tests below
|
||||||
pub fn get_state(&self) -> &GameState {
|
pub fn get_state(&self) -> &GameState {
|
||||||
self.strategy.get_game()
|
self.strategy.get_game()
|
||||||
}
|
}
|
||||||
|
|
@ -121,17 +153,31 @@ mod tests {
|
||||||
}
|
}
|
||||||
|
|
||||||
#[test]
|
#[test]
|
||||||
fn test_consume() {
|
fn test_handle_event() {
|
||||||
let mut bot = Bot::new(Box::new(DefaultStrategy::default()), Color::Black);
|
let mut bot = Bot::new(Box::new(DefaultStrategy::default()), Color::Black);
|
||||||
// let mut bot = Bot::new(Box::new(DefaultStrategy::default()), Color::Black, false);
|
// let mut bot = Bot::new(Box::new(DefaultStrategy::default()), Color::Black, false);
|
||||||
let mut event = bot.handle_event(&GameEvent::BeginGame { goes_first: 2 });
|
let mut event = bot.handle_event(&GameEvent::BeginGame { goes_first: 2 });
|
||||||
assert_eq!(event, Some(GameEvent::Roll { player_id: 2 }));
|
assert_eq!(event, Some(GameEvent::Roll { player_id: 2 }));
|
||||||
assert_eq!(bot.get_state().active_player_id, 2);
|
assert_eq!(bot.get_state().active_player_id, 1); // bot internal active_player_id for black
|
||||||
|
event = bot.handle_event(&GameEvent::RollResult {
|
||||||
|
player_id: 2,
|
||||||
|
dice: Dice { values: (2, 3) },
|
||||||
|
});
|
||||||
|
assert_eq!(
|
||||||
|
event,
|
||||||
|
Some(GameEvent::Move {
|
||||||
|
player_id: 2,
|
||||||
|
moves: (
|
||||||
|
CheckerMove::new(24, 21).unwrap(),
|
||||||
|
CheckerMove::new(24, 22).unwrap()
|
||||||
|
)
|
||||||
|
})
|
||||||
|
);
|
||||||
|
|
||||||
event = bot.handle_event(&GameEvent::BeginGame { goes_first: 1 });
|
event = bot.handle_event(&GameEvent::BeginGame { goes_first: 1 });
|
||||||
assert_eq!(event, None);
|
assert_eq!(event, None);
|
||||||
|
|
||||||
assert_eq!(bot.get_state().active_player_id, 1);
|
assert_eq!(bot.get_state().active_player_id, 2); //internal active_player_id
|
||||||
bot.handle_event(&GameEvent::RollResult {
|
bot.handle_event(&GameEvent::RollResult {
|
||||||
player_id: 1,
|
player_id: 1,
|
||||||
dice: Dice { values: (2, 3) },
|
dice: Dice { values: (2, 3) },
|
||||||
|
|
|
||||||
|
|
@ -13,8 +13,8 @@ impl Default for DefaultStrategy {
|
||||||
let game = GameState::default();
|
let game = GameState::default();
|
||||||
Self {
|
Self {
|
||||||
game,
|
game,
|
||||||
player_id: 2,
|
player_id: 1,
|
||||||
color: Color::Black,
|
color: Color::White,
|
||||||
}
|
}
|
||||||
}
|
}
|
||||||
}
|
}
|
||||||
|
|
|
||||||
|
|
@ -1,10 +1,10 @@
|
||||||
use crate::{BotStrategy, CheckerMove, Color, GameState, PlayerId};
|
use crate::{BotStrategy, CheckerMove, Color, GameState, PlayerId};
|
||||||
|
use log::info;
|
||||||
use std::path::Path;
|
use std::path::Path;
|
||||||
use store::MoveRules;
|
use store::MoveRules;
|
||||||
|
|
||||||
use crate::dqn::dqn_common::{
|
use crate::dqn::dqn_common::{get_valid_actions, sample_valid_action, TrictracAction};
|
||||||
get_valid_actions, sample_valid_action, SimpleNeuralNetwork, TrictracAction,
|
use crate::dqn::simple::dqn_model::SimpleNeuralNetwork;
|
||||||
};
|
|
||||||
|
|
||||||
/// Stratégie DQN pour le bot - ne fait que charger et utiliser un modèle pré-entraîné
|
/// Stratégie DQN pour le bot - ne fait que charger et utiliser un modèle pré-entraîné
|
||||||
#[derive(Debug)]
|
#[derive(Debug)]
|
||||||
|
|
@ -19,8 +19,8 @@ impl Default for DqnStrategy {
|
||||||
fn default() -> Self {
|
fn default() -> Self {
|
||||||
Self {
|
Self {
|
||||||
game: GameState::default(),
|
game: GameState::default(),
|
||||||
player_id: 2,
|
player_id: 1,
|
||||||
color: Color::Black,
|
color: Color::White,
|
||||||
model: None,
|
model: None,
|
||||||
}
|
}
|
||||||
}
|
}
|
||||||
|
|
@ -31,9 +31,10 @@ impl DqnStrategy {
|
||||||
Self::default()
|
Self::default()
|
||||||
}
|
}
|
||||||
|
|
||||||
pub fn new_with_model<P: AsRef<Path>>(model_path: P) -> Self {
|
pub fn new_with_model<P: AsRef<Path> + std::fmt::Debug>(model_path: P) -> Self {
|
||||||
let mut strategy = Self::new();
|
let mut strategy = Self::new();
|
||||||
if let Ok(model) = SimpleNeuralNetwork::load(model_path) {
|
if let Ok(model) = SimpleNeuralNetwork::load(&model_path) {
|
||||||
|
info!("Loading model {model_path:?}");
|
||||||
strategy.model = Some(model);
|
strategy.model = Some(model);
|
||||||
}
|
}
|
||||||
strategy
|
strategy
|
||||||
|
|
@ -112,50 +113,48 @@ impl BotStrategy for DqnStrategy {
|
||||||
|
|
||||||
fn choose_move(&self) -> (CheckerMove, CheckerMove) {
|
fn choose_move(&self) -> (CheckerMove, CheckerMove) {
|
||||||
// Utiliser le DQN pour choisir le mouvement
|
// Utiliser le DQN pour choisir le mouvement
|
||||||
if let Some(action) = self.get_dqn_action() {
|
if let Some(TrictracAction::Move {
|
||||||
if let TrictracAction::Move {
|
dice_order,
|
||||||
dice_order,
|
from1,
|
||||||
from1,
|
from2,
|
||||||
from2,
|
}) = self.get_dqn_action()
|
||||||
} = action
|
{
|
||||||
{
|
let dicevals = self.game.dice.values;
|
||||||
let dicevals = self.game.dice.values;
|
let (mut dice1, mut dice2) = if dice_order {
|
||||||
let (mut dice1, mut dice2) = if dice_order {
|
(dicevals.0, dicevals.1)
|
||||||
(dicevals.0, dicevals.1)
|
} else {
|
||||||
} else {
|
(dicevals.1, dicevals.0)
|
||||||
(dicevals.1, dicevals.0)
|
};
|
||||||
};
|
|
||||||
|
|
||||||
if from1 == 0 {
|
if from1 == 0 {
|
||||||
// empty move
|
// empty move
|
||||||
dice1 = 0;
|
dice1 = 0;
|
||||||
}
|
|
||||||
let mut to1 = from1 + dice1 as usize;
|
|
||||||
if 24 < to1 {
|
|
||||||
// sortie
|
|
||||||
to1 = 0;
|
|
||||||
}
|
|
||||||
if from2 == 0 {
|
|
||||||
// empty move
|
|
||||||
dice2 = 0;
|
|
||||||
}
|
|
||||||
let mut to2 = from2 + dice2 as usize;
|
|
||||||
if 24 < to2 {
|
|
||||||
// sortie
|
|
||||||
to2 = 0;
|
|
||||||
}
|
|
||||||
|
|
||||||
let checker_move1 = CheckerMove::new(from1, to1).unwrap_or_default();
|
|
||||||
let checker_move2 = CheckerMove::new(from2, to2).unwrap_or_default();
|
|
||||||
|
|
||||||
let chosen_move = if self.color == Color::White {
|
|
||||||
(checker_move1, checker_move2)
|
|
||||||
} else {
|
|
||||||
(checker_move1.mirror(), checker_move2.mirror())
|
|
||||||
};
|
|
||||||
|
|
||||||
return chosen_move;
|
|
||||||
}
|
}
|
||||||
|
let mut to1 = from1 + dice1 as usize;
|
||||||
|
if 24 < to1 {
|
||||||
|
// sortie
|
||||||
|
to1 = 0;
|
||||||
|
}
|
||||||
|
if from2 == 0 {
|
||||||
|
// empty move
|
||||||
|
dice2 = 0;
|
||||||
|
}
|
||||||
|
let mut to2 = from2 + dice2 as usize;
|
||||||
|
if 24 < to2 {
|
||||||
|
// sortie
|
||||||
|
to2 = 0;
|
||||||
|
}
|
||||||
|
|
||||||
|
let checker_move1 = CheckerMove::new(from1, to1).unwrap_or_default();
|
||||||
|
let checker_move2 = CheckerMove::new(from2, to2).unwrap_or_default();
|
||||||
|
|
||||||
|
let chosen_move = if self.color == Color::White {
|
||||||
|
(checker_move1, checker_move2)
|
||||||
|
} else {
|
||||||
|
(checker_move1.mirror(), checker_move2.mirror())
|
||||||
|
};
|
||||||
|
|
||||||
|
return chosen_move;
|
||||||
}
|
}
|
||||||
|
|
||||||
// Fallback : utiliser la stratégie par défaut
|
// Fallback : utiliser la stratégie par défaut
|
||||||
|
|
|
||||||
176
bot/src/strategy/dqnburn.rs
Normal file
176
bot/src/strategy/dqnburn.rs
Normal file
|
|
@ -0,0 +1,176 @@
|
||||||
|
use burn::backend::NdArray;
|
||||||
|
use burn::tensor::cast::ToElement;
|
||||||
|
use burn_rl::base::{ElemType, Model, State};
|
||||||
|
|
||||||
|
use crate::{BotStrategy, CheckerMove, Color, GameState, PlayerId};
|
||||||
|
use log::info;
|
||||||
|
use store::MoveRules;
|
||||||
|
|
||||||
|
use crate::dqn::burnrl::{dqn_model, environment, utils};
|
||||||
|
use crate::dqn::dqn_common::{get_valid_action_indices, sample_valid_action, TrictracAction};
|
||||||
|
|
||||||
|
type DqnBurnNetwork = dqn_model::Net<NdArray<ElemType>>;
|
||||||
|
|
||||||
|
/// Stratégie DQN pour le bot - ne fait que charger et utiliser un modèle pré-entraîné
|
||||||
|
#[derive(Debug)]
|
||||||
|
pub struct DqnBurnStrategy {
|
||||||
|
pub game: GameState,
|
||||||
|
pub player_id: PlayerId,
|
||||||
|
pub color: Color,
|
||||||
|
pub model: Option<DqnBurnNetwork>,
|
||||||
|
}
|
||||||
|
|
||||||
|
impl Default for DqnBurnStrategy {
|
||||||
|
fn default() -> Self {
|
||||||
|
Self {
|
||||||
|
game: GameState::default(),
|
||||||
|
player_id: 1,
|
||||||
|
color: Color::White,
|
||||||
|
model: None,
|
||||||
|
}
|
||||||
|
}
|
||||||
|
}
|
||||||
|
|
||||||
|
impl DqnBurnStrategy {
|
||||||
|
pub fn new() -> Self {
|
||||||
|
Self::default()
|
||||||
|
}
|
||||||
|
|
||||||
|
pub fn new_with_model(model_path: &String) -> Self {
|
||||||
|
info!("Loading model {model_path:?}");
|
||||||
|
let mut strategy = Self::new();
|
||||||
|
strategy.model = utils::load_model(256, model_path);
|
||||||
|
strategy
|
||||||
|
}
|
||||||
|
|
||||||
|
/// Utilise le modèle DQN pour choisir une action valide
|
||||||
|
fn get_dqn_action(&self) -> Option<TrictracAction> {
|
||||||
|
if let Some(ref model) = self.model {
|
||||||
|
let state = environment::TrictracState::from_game_state(&self.game);
|
||||||
|
let valid_actions_indices = get_valid_action_indices(&self.game);
|
||||||
|
if valid_actions_indices.is_empty() {
|
||||||
|
return None; // No valid actions, end of episode
|
||||||
|
}
|
||||||
|
|
||||||
|
// Obtenir les Q-values pour toutes les actions
|
||||||
|
let q_values = model.infer(state.to_tensor().unsqueeze());
|
||||||
|
|
||||||
|
// Set non valid actions q-values to lowest
|
||||||
|
let mut masked_q_values = q_values.clone();
|
||||||
|
let q_values_vec: Vec<f32> = q_values.into_data().into_vec().unwrap();
|
||||||
|
for (index, q_value) in q_values_vec.iter().enumerate() {
|
||||||
|
if !valid_actions_indices.contains(&index) {
|
||||||
|
masked_q_values = masked_q_values.clone().mask_fill(
|
||||||
|
masked_q_values.clone().equal_elem(*q_value),
|
||||||
|
f32::NEG_INFINITY,
|
||||||
|
);
|
||||||
|
}
|
||||||
|
}
|
||||||
|
// Get best action (highest q-value)
|
||||||
|
let action_index = masked_q_values.argmax(1).into_scalar().to_u32();
|
||||||
|
environment::TrictracEnvironment::convert_action(environment::TrictracAction::from(
|
||||||
|
action_index,
|
||||||
|
))
|
||||||
|
} else {
|
||||||
|
// Fallback : action aléatoire valide
|
||||||
|
sample_valid_action(&self.game)
|
||||||
|
}
|
||||||
|
}
|
||||||
|
}
|
||||||
|
|
||||||
|
impl BotStrategy for DqnBurnStrategy {
|
||||||
|
fn get_game(&self) -> &GameState {
|
||||||
|
&self.game
|
||||||
|
}
|
||||||
|
|
||||||
|
fn get_mut_game(&mut self) -> &mut GameState {
|
||||||
|
&mut self.game
|
||||||
|
}
|
||||||
|
|
||||||
|
fn set_color(&mut self, color: Color) {
|
||||||
|
self.color = color;
|
||||||
|
}
|
||||||
|
|
||||||
|
fn set_player_id(&mut self, player_id: PlayerId) {
|
||||||
|
self.player_id = player_id;
|
||||||
|
}
|
||||||
|
|
||||||
|
fn calculate_points(&self) -> u8 {
|
||||||
|
self.game.dice_points.0
|
||||||
|
}
|
||||||
|
|
||||||
|
fn calculate_adv_points(&self) -> u8 {
|
||||||
|
self.game.dice_points.1
|
||||||
|
}
|
||||||
|
|
||||||
|
fn choose_go(&self) -> bool {
|
||||||
|
// Utiliser le DQN pour décider si on continue
|
||||||
|
if let Some(action) = self.get_dqn_action() {
|
||||||
|
matches!(action, TrictracAction::Go)
|
||||||
|
} else {
|
||||||
|
// Fallback : toujours continuer
|
||||||
|
true
|
||||||
|
}
|
||||||
|
}
|
||||||
|
|
||||||
|
fn choose_move(&self) -> (CheckerMove, CheckerMove) {
|
||||||
|
// Utiliser le DQN pour choisir le mouvement
|
||||||
|
if let Some(TrictracAction::Move {
|
||||||
|
dice_order,
|
||||||
|
from1,
|
||||||
|
from2,
|
||||||
|
}) = self.get_dqn_action()
|
||||||
|
{
|
||||||
|
let dicevals = self.game.dice.values;
|
||||||
|
let (mut dice1, mut dice2) = if dice_order {
|
||||||
|
(dicevals.0, dicevals.1)
|
||||||
|
} else {
|
||||||
|
(dicevals.1, dicevals.0)
|
||||||
|
};
|
||||||
|
|
||||||
|
if from1 == 0 {
|
||||||
|
// empty move
|
||||||
|
dice1 = 0;
|
||||||
|
}
|
||||||
|
let mut to1 = from1 + dice1 as usize;
|
||||||
|
if 24 < to1 {
|
||||||
|
// sortie
|
||||||
|
to1 = 0;
|
||||||
|
}
|
||||||
|
if from2 == 0 {
|
||||||
|
// empty move
|
||||||
|
dice2 = 0;
|
||||||
|
}
|
||||||
|
let mut to2 = from2 + dice2 as usize;
|
||||||
|
if 24 < to2 {
|
||||||
|
// sortie
|
||||||
|
to2 = 0;
|
||||||
|
}
|
||||||
|
|
||||||
|
let checker_move1 = CheckerMove::new(from1, to1).unwrap_or_default();
|
||||||
|
let checker_move2 = CheckerMove::new(from2, to2).unwrap_or_default();
|
||||||
|
|
||||||
|
let chosen_move = if self.color == Color::White {
|
||||||
|
(checker_move1, checker_move2)
|
||||||
|
} else {
|
||||||
|
(checker_move1.mirror(), checker_move2.mirror())
|
||||||
|
};
|
||||||
|
|
||||||
|
return chosen_move;
|
||||||
|
}
|
||||||
|
|
||||||
|
// Fallback : utiliser la stratégie par défaut
|
||||||
|
let rules = MoveRules::new(&self.color, &self.game.board, self.game.dice);
|
||||||
|
let possible_moves = rules.get_possible_moves_sequences(true, vec![]);
|
||||||
|
|
||||||
|
let chosen_move = *possible_moves
|
||||||
|
.first()
|
||||||
|
.unwrap_or(&(CheckerMove::default(), CheckerMove::default()));
|
||||||
|
|
||||||
|
if self.color == Color::White {
|
||||||
|
chosen_move
|
||||||
|
} else {
|
||||||
|
(chosen_move.0.mirror(), chosen_move.1.mirror())
|
||||||
|
}
|
||||||
|
}
|
||||||
|
}
|
||||||
|
|
@ -1,5 +1,7 @@
|
||||||
pub mod client;
|
pub mod client;
|
||||||
pub mod default;
|
pub mod default;
|
||||||
pub mod dqn;
|
pub mod dqn;
|
||||||
|
pub mod dqnburn;
|
||||||
pub mod erroneous_moves;
|
pub mod erroneous_moves;
|
||||||
|
pub mod random;
|
||||||
pub mod stable_baselines3;
|
pub mod stable_baselines3;
|
||||||
|
|
|
||||||
67
bot/src/strategy/random.rs
Normal file
67
bot/src/strategy/random.rs
Normal file
|
|
@ -0,0 +1,67 @@
|
||||||
|
use crate::{BotStrategy, CheckerMove, Color, GameState, PlayerId};
|
||||||
|
use store::MoveRules;
|
||||||
|
|
||||||
|
#[derive(Debug)]
|
||||||
|
pub struct RandomStrategy {
|
||||||
|
pub game: GameState,
|
||||||
|
pub player_id: PlayerId,
|
||||||
|
pub color: Color,
|
||||||
|
}
|
||||||
|
|
||||||
|
impl Default for RandomStrategy {
|
||||||
|
fn default() -> Self {
|
||||||
|
let game = GameState::default();
|
||||||
|
Self {
|
||||||
|
game,
|
||||||
|
player_id: 1,
|
||||||
|
color: Color::White,
|
||||||
|
}
|
||||||
|
}
|
||||||
|
}
|
||||||
|
|
||||||
|
impl BotStrategy for RandomStrategy {
|
||||||
|
fn get_game(&self) -> &GameState {
|
||||||
|
&self.game
|
||||||
|
}
|
||||||
|
fn get_mut_game(&mut self) -> &mut GameState {
|
||||||
|
&mut self.game
|
||||||
|
}
|
||||||
|
|
||||||
|
fn set_color(&mut self, color: Color) {
|
||||||
|
self.color = color;
|
||||||
|
}
|
||||||
|
|
||||||
|
fn set_player_id(&mut self, player_id: PlayerId) {
|
||||||
|
self.player_id = player_id;
|
||||||
|
}
|
||||||
|
|
||||||
|
fn calculate_points(&self) -> u8 {
|
||||||
|
self.game.dice_points.0
|
||||||
|
}
|
||||||
|
|
||||||
|
fn calculate_adv_points(&self) -> u8 {
|
||||||
|
self.game.dice_points.1
|
||||||
|
}
|
||||||
|
|
||||||
|
fn choose_go(&self) -> bool {
|
||||||
|
true
|
||||||
|
}
|
||||||
|
|
||||||
|
fn choose_move(&self) -> (CheckerMove, CheckerMove) {
|
||||||
|
let rules = MoveRules::new(&self.color, &self.game.board, self.game.dice);
|
||||||
|
let possible_moves = rules.get_possible_moves_sequences(true, vec![]);
|
||||||
|
|
||||||
|
use rand::{seq::SliceRandom, thread_rng};
|
||||||
|
let mut rng = thread_rng();
|
||||||
|
let choosen_move = possible_moves
|
||||||
|
.choose(&mut rng)
|
||||||
|
.cloned()
|
||||||
|
.unwrap_or((CheckerMove::default(), CheckerMove::default()));
|
||||||
|
|
||||||
|
if self.color == Color::White {
|
||||||
|
choosen_move
|
||||||
|
} else {
|
||||||
|
(choosen_move.0.mirror(), choosen_move.1.mirror())
|
||||||
|
}
|
||||||
|
}
|
||||||
|
}
|
||||||
|
|
@ -15,3 +15,4 @@ store = { path = "../store" }
|
||||||
bot = { path = "../bot" }
|
bot = { path = "../bot" }
|
||||||
itertools = "0.13.0"
|
itertools = "0.13.0"
|
||||||
env_logger = "0.11.6"
|
env_logger = "0.11.6"
|
||||||
|
log = "0.4.20"
|
||||||
|
|
|
||||||
|
|
@ -1,4 +1,7 @@
|
||||||
use bot::{BotStrategy, DefaultStrategy, DqnStrategy, ErroneousStrategy, StableBaselines3Strategy};
|
use bot::{
|
||||||
|
BotStrategy, DefaultStrategy, DqnBurnStrategy, DqnStrategy, ErroneousStrategy, RandomStrategy,
|
||||||
|
StableBaselines3Strategy,
|
||||||
|
};
|
||||||
use itertools::Itertools;
|
use itertools::Itertools;
|
||||||
|
|
||||||
use crate::game_runner::GameRunner;
|
use crate::game_runner::GameRunner;
|
||||||
|
|
@ -22,23 +25,28 @@ pub struct App {
|
||||||
impl App {
|
impl App {
|
||||||
// Constructs a new instance of [`App`].
|
// Constructs a new instance of [`App`].
|
||||||
pub fn new(args: AppArgs) -> Self {
|
pub fn new(args: AppArgs) -> Self {
|
||||||
let bot_strategies: Vec<Box<dyn BotStrategy>> =
|
let bot_strategies: Vec<Box<dyn BotStrategy>> = args
|
||||||
args.bot
|
.bot
|
||||||
.as_deref()
|
.as_deref()
|
||||||
.map(|str_bots| {
|
.map(|str_bots| {
|
||||||
str_bots
|
str_bots
|
||||||
.split(",")
|
.split(",")
|
||||||
.filter_map(|s| match s.trim() {
|
.filter_map(|s| match s.trim() {
|
||||||
"dummy" => {
|
"dummy" => {
|
||||||
Some(Box::new(DefaultStrategy::default()) as Box<dyn BotStrategy>)
|
Some(Box::new(DefaultStrategy::default()) as Box<dyn BotStrategy>)
|
||||||
}
|
}
|
||||||
|
"random" => {
|
||||||
|
Some(Box::new(RandomStrategy::default()) as Box<dyn BotStrategy>)
|
||||||
|
}
|
||||||
"erroneous" => {
|
"erroneous" => {
|
||||||
Some(Box::new(ErroneousStrategy::default()) as Box<dyn BotStrategy>)
|
Some(Box::new(ErroneousStrategy::default()) as Box<dyn BotStrategy>)
|
||||||
}
|
}
|
||||||
"ai" => Some(Box::new(StableBaselines3Strategy::default())
|
"ai" => Some(Box::new(StableBaselines3Strategy::default())
|
||||||
as Box<dyn BotStrategy>),
|
as Box<dyn BotStrategy>),
|
||||||
"dqn" => Some(Box::new(DqnStrategy::default())
|
"dqn" => Some(Box::new(DqnStrategy::default()) as Box<dyn BotStrategy>),
|
||||||
as Box<dyn BotStrategy>),
|
"dqnburn" => {
|
||||||
|
Some(Box::new(DqnBurnStrategy::default()) as Box<dyn BotStrategy>)
|
||||||
|
}
|
||||||
s if s.starts_with("ai:") => {
|
s if s.starts_with("ai:") => {
|
||||||
let path = s.trim_start_matches("ai:");
|
let path = s.trim_start_matches("ai:");
|
||||||
Some(Box::new(StableBaselines3Strategy::new(path))
|
Some(Box::new(StableBaselines3Strategy::new(path))
|
||||||
|
|
@ -49,11 +57,16 @@ impl App {
|
||||||
Some(Box::new(DqnStrategy::new_with_model(path))
|
Some(Box::new(DqnStrategy::new_with_model(path))
|
||||||
as Box<dyn BotStrategy>)
|
as Box<dyn BotStrategy>)
|
||||||
}
|
}
|
||||||
|
s if s.starts_with("dqnburn:") => {
|
||||||
|
let path = s.trim_start_matches("dqnburn:");
|
||||||
|
Some(Box::new(DqnBurnStrategy::new_with_model(&format!("{path}")))
|
||||||
|
as Box<dyn BotStrategy>)
|
||||||
|
}
|
||||||
_ => None,
|
_ => None,
|
||||||
})
|
})
|
||||||
.collect()
|
.collect()
|
||||||
})
|
})
|
||||||
.unwrap_or_default();
|
.unwrap_or_default();
|
||||||
let schools_enabled = false;
|
let schools_enabled = false;
|
||||||
let should_quit = bot_strategies.len() > 1;
|
let should_quit = bot_strategies.len() > 1;
|
||||||
Self {
|
Self {
|
||||||
|
|
|
||||||
|
|
@ -1,4 +1,5 @@
|
||||||
use bot::{Bot, BotStrategy};
|
use bot::{Bot, BotStrategy};
|
||||||
|
use log::{debug, error};
|
||||||
use store::{CheckerMove, DiceRoller, GameEvent, GameState, PlayerId, TurnStage};
|
use store::{CheckerMove, DiceRoller, GameEvent, GameState, PlayerId, TurnStage};
|
||||||
|
|
||||||
// Application Game
|
// Application Game
|
||||||
|
|
@ -62,11 +63,21 @@ impl GameRunner {
|
||||||
return None;
|
return None;
|
||||||
}
|
}
|
||||||
let valid_event = if self.state.validate(event) {
|
let valid_event = if self.state.validate(event) {
|
||||||
|
debug!(
|
||||||
|
"--------------- new valid event {event:?} (stage {:?}) -----------",
|
||||||
|
self.state.turn_stage
|
||||||
|
);
|
||||||
self.state.consume(event);
|
self.state.consume(event);
|
||||||
|
debug!(
|
||||||
|
" --> stage {:?} ; active player points {:?}",
|
||||||
|
self.state.turn_stage,
|
||||||
|
self.state.who_plays().map(|p| p.points)
|
||||||
|
);
|
||||||
event
|
event
|
||||||
} else {
|
} else {
|
||||||
println!("{}", self.state);
|
debug!("{}", self.state);
|
||||||
println!("event not valid : {:?}", event);
|
error!("event not valid : {event:?}");
|
||||||
|
panic!("crash and burn");
|
||||||
&GameEvent::PlayError
|
&GameEvent::PlayError
|
||||||
};
|
};
|
||||||
|
|
||||||
|
|
|
||||||
8
justfile
8
justfile
|
|
@ -9,8 +9,9 @@ shell:
|
||||||
runcli:
|
runcli:
|
||||||
RUST_LOG=info cargo run --bin=client_cli
|
RUST_LOG=info cargo run --bin=client_cli
|
||||||
runclibots:
|
runclibots:
|
||||||
#RUST_LOG=info cargo run --bin=client_cli -- --bot dqn,dummy
|
cargo run --bin=client_cli -- --bot random,dqnburn:./models/burn_dqn_model.mpk
|
||||||
RUST_LOG=info cargo run --bin=client_cli -- --bot dummy,dqn
|
#cargo run --bin=client_cli -- --bot dqn:./models/dqn_model_final.json,dummy
|
||||||
|
# RUST_LOG=info cargo run --bin=client_cli -- --bot dummy,dqn
|
||||||
match:
|
match:
|
||||||
cargo build --release --bin=client_cli
|
cargo build --release --bin=client_cli
|
||||||
LD_LIBRARY_PATH=./target/release ./target/release/client_cli -- --bot dummy,dqn
|
LD_LIBRARY_PATH=./target/release ./target/release/client_cli -- --bot dummy,dqn
|
||||||
|
|
@ -21,6 +22,9 @@ profile:
|
||||||
pythonlib:
|
pythonlib:
|
||||||
maturin build -m store/Cargo.toml --release
|
maturin build -m store/Cargo.toml --release
|
||||||
pip install --no-deps --force-reinstall --prefix .devenv/state/venv target/wheels/*.whl
|
pip install --no-deps --force-reinstall --prefix .devenv/state/venv target/wheels/*.whl
|
||||||
|
trainsimple:
|
||||||
|
cargo build --release --bin=train_dqn_simple
|
||||||
|
LD_LIBRARY_PATH=./target/release ./target/release/train_dqn_simple | tee /tmp/train.out
|
||||||
trainbot:
|
trainbot:
|
||||||
#python ./store/python/trainModel.py
|
#python ./store/python/trainModel.py
|
||||||
# cargo run --bin=train_dqn # ok
|
# cargo run --bin=train_dqn # ok
|
||||||
|
|
|
||||||
|
|
@ -37,7 +37,7 @@ impl Default for CheckerMove {
|
||||||
|
|
||||||
impl CheckerMove {
|
impl CheckerMove {
|
||||||
pub fn to_display_string(self) -> String {
|
pub fn to_display_string(self) -> String {
|
||||||
format!("{:?} ", self)
|
format!("{self:?} ")
|
||||||
}
|
}
|
||||||
|
|
||||||
pub fn new(from: Field, to: Field) -> Result<Self, Error> {
|
pub fn new(from: Field, to: Field) -> Result<Self, Error> {
|
||||||
|
|
@ -114,7 +114,7 @@ impl fmt::Display for Board {
|
||||||
fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result {
|
fn fmt(&self, f: &mut fmt::Formatter) -> fmt::Result {
|
||||||
let mut s = String::new();
|
let mut s = String::new();
|
||||||
s.push_str(&format!("{:?}", self.positions));
|
s.push_str(&format!("{:?}", self.positions));
|
||||||
write!(f, "{}", s)
|
write!(f, "{s}")
|
||||||
}
|
}
|
||||||
}
|
}
|
||||||
|
|
||||||
|
|
@ -132,8 +132,13 @@ impl Board {
|
||||||
}
|
}
|
||||||
|
|
||||||
/// Globally set pieces on board ( for tests )
|
/// Globally set pieces on board ( for tests )
|
||||||
pub fn set_positions(&mut self, positions: [i8; 24]) {
|
pub fn set_positions(&mut self, color: &Color, positions: [i8; 24]) {
|
||||||
self.positions = positions;
|
let mut new_positions = positions;
|
||||||
|
if color == &Color::Black {
|
||||||
|
new_positions = new_positions.map(|c| 0 - c);
|
||||||
|
new_positions.reverse();
|
||||||
|
}
|
||||||
|
self.positions = new_positions;
|
||||||
}
|
}
|
||||||
|
|
||||||
pub fn count_checkers(&self, color: Color, from: Field, to: Field) -> u8 {
|
pub fn count_checkers(&self, color: Color, from: Field, to: Field) -> u8 {
|
||||||
|
|
@ -564,7 +569,7 @@ impl Board {
|
||||||
}
|
}
|
||||||
let checker_color = self.get_checkers_color(field)?;
|
let checker_color = self.get_checkers_color(field)?;
|
||||||
if Some(color) != checker_color {
|
if Some(color) != checker_color {
|
||||||
println!("field invalid : {:?}, {:?}, {:?}", color, field, self);
|
println!("field invalid : {color:?}, {field:?}, {self:?}");
|
||||||
return Err(Error::FieldInvalid);
|
return Err(Error::FieldInvalid);
|
||||||
}
|
}
|
||||||
let unit = match color {
|
let unit = match color {
|
||||||
|
|
@ -672,9 +677,12 @@ mod tests {
|
||||||
#[test]
|
#[test]
|
||||||
fn is_quarter_fillable() {
|
fn is_quarter_fillable() {
|
||||||
let mut board = Board::new();
|
let mut board = Board::new();
|
||||||
board.set_positions([
|
board.set_positions(
|
||||||
15, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -15,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
15, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -15,
|
||||||
|
],
|
||||||
|
);
|
||||||
assert!(board.is_quarter_fillable(Color::Black, 1));
|
assert!(board.is_quarter_fillable(Color::Black, 1));
|
||||||
assert!(!board.is_quarter_fillable(Color::Black, 12));
|
assert!(!board.is_quarter_fillable(Color::Black, 12));
|
||||||
assert!(board.is_quarter_fillable(Color::Black, 13));
|
assert!(board.is_quarter_fillable(Color::Black, 13));
|
||||||
|
|
@ -683,25 +691,34 @@ mod tests {
|
||||||
assert!(board.is_quarter_fillable(Color::White, 12));
|
assert!(board.is_quarter_fillable(Color::White, 12));
|
||||||
assert!(!board.is_quarter_fillable(Color::White, 13));
|
assert!(!board.is_quarter_fillable(Color::White, 13));
|
||||||
assert!(board.is_quarter_fillable(Color::White, 24));
|
assert!(board.is_quarter_fillable(Color::White, 24));
|
||||||
board.set_positions([
|
board.set_positions(
|
||||||
5, 0, 0, 0, 0, 8, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -8, 0, 0, 0, 0, 0, -5,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
5, 0, 0, 0, 0, 8, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -8, 0, 0, 0, 0, 0, -5,
|
||||||
|
],
|
||||||
|
);
|
||||||
assert!(board.is_quarter_fillable(Color::Black, 13));
|
assert!(board.is_quarter_fillable(Color::Black, 13));
|
||||||
assert!(!board.is_quarter_fillable(Color::Black, 24));
|
assert!(!board.is_quarter_fillable(Color::Black, 24));
|
||||||
assert!(!board.is_quarter_fillable(Color::White, 1));
|
assert!(!board.is_quarter_fillable(Color::White, 1));
|
||||||
assert!(board.is_quarter_fillable(Color::White, 12));
|
assert!(board.is_quarter_fillable(Color::White, 12));
|
||||||
board.set_positions([
|
board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 0, 0, 0, -12, 0, 0, 0, 0, 1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 0, 0, 0, -12, 0, 0, 0, 0, 1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
assert!(board.is_quarter_fillable(Color::Black, 16));
|
assert!(board.is_quarter_fillable(Color::Black, 16));
|
||||||
}
|
}
|
||||||
|
|
||||||
#[test]
|
#[test]
|
||||||
fn get_quarter_filling_candidate() {
|
fn get_quarter_filling_candidate() {
|
||||||
let mut board = Board::new();
|
let mut board = Board::new();
|
||||||
board.set_positions([
|
board.set_positions(
|
||||||
3, 1, 2, 2, 3, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
3, 1, 2, 2, 3, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
assert_eq!(vec![2], board.get_quarter_filling_candidate(Color::White));
|
assert_eq!(vec![2], board.get_quarter_filling_candidate(Color::White));
|
||||||
}
|
}
|
||||||
}
|
}
|
||||||
|
|
|
||||||
|
|
@ -4,7 +4,7 @@ use crate::dice::Dice;
|
||||||
use crate::game_rules_moves::MoveRules;
|
use crate::game_rules_moves::MoveRules;
|
||||||
use crate::game_rules_points::{PointsRules, PossibleJans};
|
use crate::game_rules_points::{PointsRules, PossibleJans};
|
||||||
use crate::player::{Color, Player, PlayerId};
|
use crate::player::{Color, Player, PlayerId};
|
||||||
use log::{error, info};
|
use log::{debug, error, info};
|
||||||
|
|
||||||
// use itertools::Itertools;
|
// use itertools::Itertools;
|
||||||
use serde::{Deserialize, Serialize};
|
use serde::{Deserialize, Serialize};
|
||||||
|
|
@ -91,7 +91,8 @@ impl fmt::Display for GameState {
|
||||||
s.push_str(&format!("Dice: {:?}\n", self.dice));
|
s.push_str(&format!("Dice: {:?}\n", self.dice));
|
||||||
// s.push_str(&format!("Who plays: {}\n", self.who_plays().map(|player| &player.name ).unwrap_or("")));
|
// s.push_str(&format!("Who plays: {}\n", self.who_plays().map(|player| &player.name ).unwrap_or("")));
|
||||||
s.push_str(&format!("Board: {:?}\n", self.board));
|
s.push_str(&format!("Board: {:?}\n", self.board));
|
||||||
write!(f, "{}", s)
|
// s.push_str(&format!("History: {:?}\n", self.history));
|
||||||
|
write!(f, "{s}")
|
||||||
}
|
}
|
||||||
}
|
}
|
||||||
|
|
||||||
|
|
@ -372,22 +373,30 @@ impl GameState {
|
||||||
}
|
}
|
||||||
Go { player_id } => {
|
Go { player_id } => {
|
||||||
if !self.players.contains_key(player_id) {
|
if !self.players.contains_key(player_id) {
|
||||||
error!("Player {} unknown", player_id);
|
error!("Player {player_id} unknown");
|
||||||
return false;
|
return false;
|
||||||
}
|
}
|
||||||
// Check player is currently the one making their move
|
// Check player is currently the one making their move
|
||||||
if self.active_player_id != *player_id {
|
if self.active_player_id != *player_id {
|
||||||
|
error!("Player not active : {}", self.active_player_id);
|
||||||
return false;
|
return false;
|
||||||
}
|
}
|
||||||
// Check the player can leave (ie the game is in the KeepOrLeaveChoice stage)
|
// Check the player can leave (ie the game is in the KeepOrLeaveChoice stage)
|
||||||
if self.turn_stage != TurnStage::HoldOrGoChoice {
|
if self.turn_stage != TurnStage::HoldOrGoChoice {
|
||||||
|
error!("bad stage {:?}", self.turn_stage);
|
||||||
|
error!(
|
||||||
|
"black player points : {:?}",
|
||||||
|
self.get_black_player()
|
||||||
|
.map(|player| (player.points, player.holes))
|
||||||
|
);
|
||||||
|
// error!("history {:?}", self.history);
|
||||||
return false;
|
return false;
|
||||||
}
|
}
|
||||||
}
|
}
|
||||||
Move { player_id, moves } => {
|
Move { player_id, moves } => {
|
||||||
// Check player exists
|
// Check player exists
|
||||||
if !self.players.contains_key(player_id) {
|
if !self.players.contains_key(player_id) {
|
||||||
error!("Player {} unknown", player_id);
|
error!("Player {player_id} unknown");
|
||||||
return false;
|
return false;
|
||||||
}
|
}
|
||||||
// Check player is currently the one making their move
|
// Check player is currently the one making their move
|
||||||
|
|
@ -512,12 +521,15 @@ impl GameState {
|
||||||
self.inc_roll_count(self.active_player_id);
|
self.inc_roll_count(self.active_player_id);
|
||||||
self.turn_stage = TurnStage::MarkPoints;
|
self.turn_stage = TurnStage::MarkPoints;
|
||||||
(self.dice_jans, self.dice_points) = self.get_rollresult_jans(dice);
|
(self.dice_jans, self.dice_points) = self.get_rollresult_jans(dice);
|
||||||
|
debug!("points from result : {:?}", self.dice_points);
|
||||||
if !self.schools_enabled {
|
if !self.schools_enabled {
|
||||||
// Schools are not enabled. We mark points automatically
|
// Schools are not enabled. We mark points automatically
|
||||||
// the points earned by the opponent will be marked on its turn
|
// the points earned by the opponent will be marked on its turn
|
||||||
let new_hole = self.mark_points(self.active_player_id, self.dice_points.0);
|
let new_hole = self.mark_points(self.active_player_id, self.dice_points.0);
|
||||||
if new_hole {
|
if new_hole {
|
||||||
if self.get_active_player().unwrap().holes > 12 {
|
let holes_count = self.get_active_player().unwrap().holes;
|
||||||
|
debug!("new hole -> {holes_count:?}");
|
||||||
|
if holes_count > 12 {
|
||||||
self.stage = Stage::Ended;
|
self.stage = Stage::Ended;
|
||||||
} else {
|
} else {
|
||||||
self.turn_stage = TurnStage::HoldOrGoChoice;
|
self.turn_stage = TurnStage::HoldOrGoChoice;
|
||||||
|
|
@ -594,6 +606,10 @@ impl GameState {
|
||||||
|
|
||||||
fn get_rollresult_jans(&self, dice: &Dice) -> (PossibleJans, (u8, u8)) {
|
fn get_rollresult_jans(&self, dice: &Dice) -> (PossibleJans, (u8, u8)) {
|
||||||
let player = &self.players.get(&self.active_player_id).unwrap();
|
let player = &self.players.get(&self.active_player_id).unwrap();
|
||||||
|
debug!(
|
||||||
|
"get rollresult for {:?} {:?} {:?} (roll count {:?})",
|
||||||
|
player.color, self.board, dice, player.dice_roll_count
|
||||||
|
);
|
||||||
let points_rules = PointsRules::new(&player.color, &self.board, *dice);
|
let points_rules = PointsRules::new(&player.color, &self.board, *dice);
|
||||||
points_rules.get_result_jans(player.dice_roll_count)
|
points_rules.get_result_jans(player.dice_roll_count)
|
||||||
}
|
}
|
||||||
|
|
@ -636,10 +652,11 @@ impl GameState {
|
||||||
p.points = sum_points % 12;
|
p.points = sum_points % 12;
|
||||||
p.holes += holes;
|
p.holes += holes;
|
||||||
|
|
||||||
if points > 0 && p.holes > 15 {
|
// if points > 0 && p.holes > 15 {
|
||||||
info!(
|
if points > 0 {
|
||||||
"player {:?} holes : {:?} added points : {:?}",
|
debug!(
|
||||||
player_id, p.holes, points
|
"player {player_id:?} holes : {:?} (+{holes:?}) points : {:?} (+{points:?} - {jeux:?})",
|
||||||
|
p.holes, p.points
|
||||||
)
|
)
|
||||||
}
|
}
|
||||||
p
|
p
|
||||||
|
|
@ -733,6 +750,58 @@ impl GameEvent {
|
||||||
_ => None,
|
_ => None,
|
||||||
}
|
}
|
||||||
}
|
}
|
||||||
|
|
||||||
|
pub fn get_mirror(&self) -> Self {
|
||||||
|
// let mut mirror = self.clone();
|
||||||
|
let mirror_player_id = if let Some(player_id) = self.player_id() {
|
||||||
|
if player_id == 1 {
|
||||||
|
2
|
||||||
|
} else {
|
||||||
|
1
|
||||||
|
}
|
||||||
|
} else {
|
||||||
|
0
|
||||||
|
};
|
||||||
|
|
||||||
|
match self {
|
||||||
|
Self::PlayerJoined { player_id: _, name } => Self::PlayerJoined {
|
||||||
|
player_id: mirror_player_id,
|
||||||
|
name: name.clone(),
|
||||||
|
},
|
||||||
|
Self::PlayerDisconnected { player_id: _ } => GameEvent::PlayerDisconnected {
|
||||||
|
player_id: mirror_player_id,
|
||||||
|
},
|
||||||
|
Self::Roll { player_id: _ } => GameEvent::Roll {
|
||||||
|
player_id: mirror_player_id,
|
||||||
|
},
|
||||||
|
Self::RollResult { player_id: _, dice } => GameEvent::RollResult {
|
||||||
|
player_id: mirror_player_id,
|
||||||
|
dice: *dice,
|
||||||
|
},
|
||||||
|
Self::Mark {
|
||||||
|
player_id: _,
|
||||||
|
points,
|
||||||
|
} => GameEvent::Mark {
|
||||||
|
player_id: mirror_player_id,
|
||||||
|
points: *points,
|
||||||
|
},
|
||||||
|
Self::Go { player_id: _ } => GameEvent::Go {
|
||||||
|
player_id: mirror_player_id,
|
||||||
|
},
|
||||||
|
Self::Move {
|
||||||
|
player_id: _,
|
||||||
|
moves: (move1, move2),
|
||||||
|
} => Self::Move {
|
||||||
|
player_id: mirror_player_id,
|
||||||
|
moves: (move1.mirror(), move2.mirror()),
|
||||||
|
},
|
||||||
|
Self::BeginGame { goes_first } => GameEvent::BeginGame {
|
||||||
|
goes_first: (if *goes_first == 1 { 2 } else { 1 }),
|
||||||
|
},
|
||||||
|
Self::EndGame { reason } => GameEvent::EndGame { reason: *reason },
|
||||||
|
Self::PlayError => GameEvent::PlayError,
|
||||||
|
}
|
||||||
|
}
|
||||||
}
|
}
|
||||||
|
|
||||||
#[cfg(test)]
|
#[cfg(test)]
|
||||||
|
|
|
||||||
|
|
@ -625,18 +625,24 @@ mod tests {
|
||||||
#[test]
|
#[test]
|
||||||
fn can_take_corner_by_effect() {
|
fn can_take_corner_by_effect() {
|
||||||
let mut rules = MoveRules::default();
|
let mut rules = MoveRules::default();
|
||||||
rules.board.set_positions([
|
rules.board.set_positions(
|
||||||
10, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -15,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
10, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -15,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.dice.values = (4, 4);
|
rules.dice.values = (4, 4);
|
||||||
assert!(rules.can_take_corner_by_effect());
|
assert!(rules.can_take_corner_by_effect());
|
||||||
|
|
||||||
rules.dice.values = (5, 5);
|
rules.dice.values = (5, 5);
|
||||||
assert!(!rules.can_take_corner_by_effect());
|
assert!(!rules.can_take_corner_by_effect());
|
||||||
|
|
||||||
rules.board.set_positions([
|
rules.board.set_positions(
|
||||||
10, 0, 0, 0, 0, 0, 0, 3, 0, 0, 0, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -15,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
10, 0, 0, 0, 0, 0, 0, 3, 0, 0, 0, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -15,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.dice.values = (4, 4);
|
rules.dice.values = (4, 4);
|
||||||
assert!(!rules.can_take_corner_by_effect());
|
assert!(!rules.can_take_corner_by_effect());
|
||||||
}
|
}
|
||||||
|
|
@ -645,9 +651,12 @@ mod tests {
|
||||||
fn prise_en_puissance() {
|
fn prise_en_puissance() {
|
||||||
let mut state = MoveRules::default();
|
let mut state = MoveRules::default();
|
||||||
// prise par puissance ok
|
// prise par puissance ok
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
10, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -15,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
10, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -15,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (5, 5);
|
state.dice.values = (5, 5);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(8, 12).unwrap(),
|
CheckerMove::new(8, 12).unwrap(),
|
||||||
|
|
@ -658,25 +667,34 @@ mod tests {
|
||||||
assert!(state.moves_allowed(&moves).is_ok());
|
assert!(state.moves_allowed(&moves).is_ok());
|
||||||
|
|
||||||
// opponent corner must be empty
|
// opponent corner must be empty
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
10, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 0, -2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -13,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
10, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 0, -2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -13,
|
||||||
|
],
|
||||||
|
);
|
||||||
assert!(!state.is_move_by_puissance(&moves));
|
assert!(!state.is_move_by_puissance(&moves));
|
||||||
assert!(!state.moves_follows_dices(&moves));
|
assert!(!state.moves_follows_dices(&moves));
|
||||||
|
|
||||||
// Si on a la possibilité de prendre son coin à la fois par effet, c'est à dire naturellement, et aussi par puissance, on doit le prendre par effet
|
// Si on a la possibilité de prendre son coin à la fois par effet, c'est à dire naturellement, et aussi par puissance, on doit le prendre par effet
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
5, 0, 0, 0, 0, 0, 5, 5, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -15,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
5, 0, 0, 0, 0, 0, 5, 5, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -15,
|
||||||
|
],
|
||||||
|
);
|
||||||
assert_eq!(
|
assert_eq!(
|
||||||
Err(MoveError::CornerByEffectPossible),
|
Err(MoveError::CornerByEffectPossible),
|
||||||
state.moves_allowed(&moves)
|
state.moves_allowed(&moves)
|
||||||
);
|
);
|
||||||
|
|
||||||
// on a déjà pris son coin : on ne peux plus y deplacer des dames par puissance
|
// on a déjà pris son coin : on ne peux plus y deplacer des dames par puissance
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
8, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -15,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
8, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -15,
|
||||||
|
],
|
||||||
|
);
|
||||||
assert!(!state.is_move_by_puissance(&moves));
|
assert!(!state.is_move_by_puissance(&moves));
|
||||||
assert!(!state.moves_follows_dices(&moves));
|
assert!(!state.moves_follows_dices(&moves));
|
||||||
}
|
}
|
||||||
|
|
@ -685,9 +703,12 @@ mod tests {
|
||||||
fn exit() {
|
fn exit() {
|
||||||
let mut state = MoveRules::default();
|
let mut state = MoveRules::default();
|
||||||
// exit ok
|
// exit ok
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 3, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 3, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (5, 5);
|
state.dice.values = (5, 5);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(20, 0).unwrap(),
|
CheckerMove::new(20, 0).unwrap(),
|
||||||
|
|
@ -697,9 +718,12 @@ mod tests {
|
||||||
assert!(state.moves_allowed(&moves).is_ok());
|
assert!(state.moves_allowed(&moves).is_ok());
|
||||||
|
|
||||||
// toutes les dames doivent être dans le jan de retour
|
// toutes les dames doivent être dans le jan de retour
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
0, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 3, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 3, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (5, 5);
|
state.dice.values = (5, 5);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(20, 0).unwrap(),
|
CheckerMove::new(20, 0).unwrap(),
|
||||||
|
|
@ -711,9 +735,12 @@ mod tests {
|
||||||
);
|
);
|
||||||
|
|
||||||
// on ne peut pas sortir une dame avec un nombre excédant si on peut en jouer une avec un nombre défaillant
|
// on ne peut pas sortir une dame avec un nombre excédant si on peut en jouer une avec un nombre défaillant
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, 3, 0, 0, 2, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, 3, 0, 0, 2, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (5, 5);
|
state.dice.values = (5, 5);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(20, 0).unwrap(),
|
CheckerMove::new(20, 0).unwrap(),
|
||||||
|
|
@ -725,9 +752,12 @@ mod tests {
|
||||||
);
|
);
|
||||||
|
|
||||||
// on doit jouer le nombre excédant le plus éloigné
|
// on doit jouer le nombre excédant le plus éloigné
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1, 0, 1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1, 0, 1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (5, 5);
|
state.dice.values = (5, 5);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(20, 0).unwrap(),
|
CheckerMove::new(20, 0).unwrap(),
|
||||||
|
|
@ -741,9 +771,12 @@ mod tests {
|
||||||
assert!(state.moves_allowed(&moves).is_ok());
|
assert!(state.moves_allowed(&moves).is_ok());
|
||||||
|
|
||||||
// Cas de la dernière dame
|
// Cas de la dernière dame
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (5, 5);
|
state.dice.values = (5, 5);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(23, 0).unwrap(),
|
CheckerMove::new(23, 0).unwrap(),
|
||||||
|
|
@ -756,9 +789,12 @@ mod tests {
|
||||||
#[test]
|
#[test]
|
||||||
fn move_check_opponent_fillable_quarter() {
|
fn move_check_opponent_fillable_quarter() {
|
||||||
let mut state = MoveRules::default();
|
let mut state = MoveRules::default();
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 0, 0, 0, 2, 0, 0, 0, 0, 1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 0, 0, 0, 2, 0, 0, 0, 0, 1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (5, 5);
|
state.dice.values = (5, 5);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(11, 16).unwrap(),
|
CheckerMove::new(11, 16).unwrap(),
|
||||||
|
|
@ -766,9 +802,12 @@ mod tests {
|
||||||
);
|
);
|
||||||
assert!(state.moves_allowed(&moves).is_ok());
|
assert!(state.moves_allowed(&moves).is_ok());
|
||||||
|
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 0, 0, 0, -12, 0, 0, 0, 0, 1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 0, 0, 0, -12, 0, 0, 0, 0, 1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (5, 5);
|
state.dice.values = (5, 5);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(11, 16).unwrap(),
|
CheckerMove::new(11, 16).unwrap(),
|
||||||
|
|
@ -779,9 +818,12 @@ mod tests {
|
||||||
state.moves_allowed(&moves)
|
state.moves_allowed(&moves)
|
||||||
);
|
);
|
||||||
|
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 0, 0, 0, -12, 0, 0, 0, 0, 1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 0, 0, 0, -12, 0, 0, 0, 0, 1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (5, 5);
|
state.dice.values = (5, 5);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(11, 16).unwrap(),
|
CheckerMove::new(11, 16).unwrap(),
|
||||||
|
|
@ -789,9 +831,12 @@ mod tests {
|
||||||
);
|
);
|
||||||
assert!(state.moves_allowed(&moves).is_ok());
|
assert!(state.moves_allowed(&moves).is_ok());
|
||||||
|
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 0, 0, 0, -1, 0, 0, 0, 0, 1, -12,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 5, 0, 0, 0, 0, 0, 0, -1, 0, 0, 0, 0, 1, -12,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (5, 5);
|
state.dice.values = (5, 5);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(11, 16).unwrap(),
|
CheckerMove::new(11, 16).unwrap(),
|
||||||
|
|
@ -806,9 +851,12 @@ mod tests {
|
||||||
#[test]
|
#[test]
|
||||||
fn move_check_fillable_quarter() {
|
fn move_check_fillable_quarter() {
|
||||||
let mut state = MoveRules::default();
|
let mut state = MoveRules::default();
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
3, 3, 2, 2, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, 0, 0, 0, 0, 1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
3, 3, 2, 2, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, 0, 0, 0, 0, 1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (5, 4);
|
state.dice.values = (5, 4);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(1, 6).unwrap(),
|
CheckerMove::new(1, 6).unwrap(),
|
||||||
|
|
@ -821,9 +869,12 @@ mod tests {
|
||||||
);
|
);
|
||||||
assert_eq!(Err(MoveError::MustFillQuarter), state.moves_allowed(&moves));
|
assert_eq!(Err(MoveError::MustFillQuarter), state.moves_allowed(&moves));
|
||||||
|
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
2, 3, 2, 2, 3, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 3, 2, 2, 3, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (2, 3);
|
state.dice.values = (2, 3);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(6, 8).unwrap(),
|
CheckerMove::new(6, 8).unwrap(),
|
||||||
|
|
@ -840,9 +891,12 @@ mod tests {
|
||||||
#[test]
|
#[test]
|
||||||
fn move_play_all_dice() {
|
fn move_play_all_dice() {
|
||||||
let mut state = MoveRules::default();
|
let mut state = MoveRules::default();
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (1, 3);
|
state.dice.values = (1, 3);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(22, 0).unwrap(),
|
CheckerMove::new(22, 0).unwrap(),
|
||||||
|
|
@ -861,9 +915,12 @@ mod tests {
|
||||||
fn move_opponent_rest_corner_rules() {
|
fn move_opponent_rest_corner_rules() {
|
||||||
// fill with 2 checkers : forbidden
|
// fill with 2 checkers : forbidden
|
||||||
let mut state = MoveRules::default();
|
let mut state = MoveRules::default();
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 3, 4, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 3, 4, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (1, 1);
|
state.dice.values = (1, 1);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(12, 13).unwrap(),
|
CheckerMove::new(12, 13).unwrap(),
|
||||||
|
|
@ -891,9 +948,12 @@ mod tests {
|
||||||
fn move_rest_corner_enter() {
|
fn move_rest_corner_enter() {
|
||||||
// direct
|
// direct
|
||||||
let mut state = MoveRules::default();
|
let mut state = MoveRules::default();
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (2, 1);
|
state.dice.values = (2, 1);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(10, 12).unwrap(),
|
CheckerMove::new(10, 12).unwrap(),
|
||||||
|
|
@ -915,9 +975,12 @@ mod tests {
|
||||||
#[test]
|
#[test]
|
||||||
fn move_rest_corner_blocked() {
|
fn move_rest_corner_blocked() {
|
||||||
let mut state = MoveRules::default();
|
let mut state = MoveRules::default();
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, -1, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, -1, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (2, 1);
|
state.dice.values = (2, 1);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(0, 0).unwrap(),
|
CheckerMove::new(0, 0).unwrap(),
|
||||||
|
|
@ -926,9 +989,12 @@ mod tests {
|
||||||
assert!(state.moves_follows_dices(&moves));
|
assert!(state.moves_follows_dices(&moves));
|
||||||
assert!(state.moves_allowed(&moves).is_ok());
|
assert!(state.moves_allowed(&moves).is_ok());
|
||||||
|
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, -1, -1, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, -1, -1, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (2, 1);
|
state.dice.values = (2, 1);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(23, 24).unwrap(),
|
CheckerMove::new(23, 24).unwrap(),
|
||||||
|
|
@ -949,9 +1015,12 @@ mod tests {
|
||||||
#[test]
|
#[test]
|
||||||
fn move_rest_corner_exit() {
|
fn move_rest_corner_exit() {
|
||||||
let mut state = MoveRules::default();
|
let mut state = MoveRules::default();
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, 0, 0, 0, 0, -1, -1, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, 0, 0, 0, 0, -1, -1, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (2, 3);
|
state.dice.values = (2, 3);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(12, 14).unwrap(),
|
CheckerMove::new(12, 14).unwrap(),
|
||||||
|
|
@ -967,9 +1036,12 @@ mod tests {
|
||||||
fn move_rest_corner_toutdune() {
|
fn move_rest_corner_toutdune() {
|
||||||
let mut state = MoveRules::default();
|
let mut state = MoveRules::default();
|
||||||
// We can't go to the occupied rest corner as an intermediary step
|
// We can't go to the occupied rest corner as an intermediary step
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0, -2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0, -2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (2, 1);
|
state.dice.values = (2, 1);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(11, 13).unwrap(),
|
CheckerMove::new(11, 13).unwrap(),
|
||||||
|
|
@ -978,9 +1050,12 @@ mod tests {
|
||||||
assert!(!state.moves_possible(&moves));
|
assert!(!state.moves_possible(&moves));
|
||||||
|
|
||||||
// We can use the empty rest corner as an intermediary step
|
// We can use the empty rest corner as an intermediary step
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
2, 2, 2, 2, 2, 2, 2, 1, 0, 0, 0, 0, 0, -2, 0, 0, 0, -2, 0, -2, -2, -2, -2, -3,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 2, 2, 2, 2, 2, 2, 1, 0, 0, 0, 0, 0, -2, 0, 0, 0, -2, 0, -2, -2, -2, -2, -3,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (6, 5);
|
state.dice.values = (6, 5);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(8, 13).unwrap(),
|
CheckerMove::new(8, 13).unwrap(),
|
||||||
|
|
@ -994,9 +1069,12 @@ mod tests {
|
||||||
#[test]
|
#[test]
|
||||||
fn move_play_stronger_dice() {
|
fn move_play_stronger_dice() {
|
||||||
let mut state = MoveRules::default();
|
let mut state = MoveRules::default();
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 3, 0, 0, 0, -1, -1, -1, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 3, 0, 0, 0, -1, -1, -1, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (2, 3);
|
state.dice.values = (2, 3);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(12, 14).unwrap(),
|
CheckerMove::new(12, 14).unwrap(),
|
||||||
|
|
@ -1034,9 +1112,12 @@ mod tests {
|
||||||
assert!(!state.moves_possible(&moves));
|
assert!(!state.moves_possible(&moves));
|
||||||
|
|
||||||
// Can't move the same checker twice
|
// Can't move the same checker twice
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
3, 3, 1, 2, 2, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
3, 3, 1, 2, 2, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (2, 1);
|
state.dice.values = (2, 1);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(3, 5).unwrap(),
|
CheckerMove::new(3, 5).unwrap(),
|
||||||
|
|
@ -1056,9 +1137,12 @@ mod tests {
|
||||||
#[test]
|
#[test]
|
||||||
fn filling_moves_sequences() {
|
fn filling_moves_sequences() {
|
||||||
let mut state = MoveRules::default();
|
let mut state = MoveRules::default();
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
3, 3, 1, 2, 2, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
3, 3, 1, 2, 2, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (2, 1);
|
state.dice.values = (2, 1);
|
||||||
let filling_moves_sequences = state.get_quarter_filling_moves_sequences();
|
let filling_moves_sequences = state.get_quarter_filling_moves_sequences();
|
||||||
// println!(
|
// println!(
|
||||||
|
|
@ -1067,17 +1151,23 @@ mod tests {
|
||||||
// );
|
// );
|
||||||
assert_eq!(2, filling_moves_sequences.len());
|
assert_eq!(2, filling_moves_sequences.len());
|
||||||
|
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
3, 2, 3, 2, 1, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
3, 2, 3, 2, 1, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (2, 2);
|
state.dice.values = (2, 2);
|
||||||
let filling_moves_sequences = state.get_quarter_filling_moves_sequences();
|
let filling_moves_sequences = state.get_quarter_filling_moves_sequences();
|
||||||
// println!("{:?}", filling_moves_sequences);
|
// println!("{:?}", filling_moves_sequences);
|
||||||
assert_eq!(2, filling_moves_sequences.len());
|
assert_eq!(2, filling_moves_sequences.len());
|
||||||
|
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
3, 1, 2, 2, 3, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
3, 1, 2, 2, 3, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (2, 1);
|
state.dice.values = (2, 1);
|
||||||
let filling_moves_sequences = state.get_quarter_filling_moves_sequences();
|
let filling_moves_sequences = state.get_quarter_filling_moves_sequences();
|
||||||
// println!(
|
// println!(
|
||||||
|
|
@ -1087,9 +1177,12 @@ mod tests {
|
||||||
assert_eq!(2, filling_moves_sequences.len());
|
assert_eq!(2, filling_moves_sequences.len());
|
||||||
|
|
||||||
// positions
|
// positions
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
2, 2, 2, 2, 2, 2, 2, 1, 0, 0, 0, 0, 0, -2, 0, 0, 0, -2, 0, -2, -2, -2, -2, -3,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 2, 2, 2, 2, 2, 2, 1, 0, 0, 0, 0, 0, -2, 0, 0, 0, -2, 0, -2, -2, -2, -2, -3,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (6, 5);
|
state.dice.values = (6, 5);
|
||||||
let filling_moves_sequences = state.get_quarter_filling_moves_sequences();
|
let filling_moves_sequences = state.get_quarter_filling_moves_sequences();
|
||||||
assert_eq!(1, filling_moves_sequences.len());
|
assert_eq!(1, filling_moves_sequences.len());
|
||||||
|
|
@ -1099,19 +1192,46 @@ mod tests {
|
||||||
fn scoring_filling_moves_sequences() {
|
fn scoring_filling_moves_sequences() {
|
||||||
let mut state = MoveRules::default();
|
let mut state = MoveRules::default();
|
||||||
|
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
3, 1, 2, 2, 3, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
3, 1, 2, 2, 3, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (2, 1);
|
state.dice.values = (2, 1);
|
||||||
assert_eq!(1, state.get_scoring_quarter_filling_moves_sequences().len());
|
assert_eq!(1, state.get_scoring_quarter_filling_moves_sequences().len());
|
||||||
|
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
2, 3, 3, 3, 1, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 3, 3, 3, 1, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (2, 1);
|
state.dice.values = (2, 1);
|
||||||
let filling_moves_sequences = state.get_scoring_quarter_filling_moves_sequences();
|
let filling_moves_sequences = state.get_scoring_quarter_filling_moves_sequences();
|
||||||
// println!("{:?}", filling_moves_sequences);
|
// println!("{:?}", filling_moves_sequences);
|
||||||
assert_eq!(3, filling_moves_sequences.len());
|
assert_eq!(3, filling_moves_sequences.len());
|
||||||
|
|
||||||
|
// preserve filling
|
||||||
|
state.board.set_positions(
|
||||||
|
&Color::White,
|
||||||
|
[
|
||||||
|
2, 2, 2, 2, 2, 4, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -3, -1, -2, -3, -5, 0, -1,
|
||||||
|
],
|
||||||
|
);
|
||||||
|
state.dice.values = (3, 1);
|
||||||
|
assert_eq!(1, state.get_scoring_quarter_filling_moves_sequences().len());
|
||||||
|
|
||||||
|
// preserve filling (black)
|
||||||
|
let mut state = MoveRules::new(&Color::Black, &Board::default(), Dice::default());
|
||||||
|
state.board.set_positions(
|
||||||
|
&Color::Black,
|
||||||
|
[
|
||||||
|
1, 0, 5, 3, 2, 1, 3, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, -4, -2, -2, -2, -2, -2,
|
||||||
|
],
|
||||||
|
);
|
||||||
|
state.dice.values = (3, 1);
|
||||||
|
assert_eq!(1, state.get_scoring_quarter_filling_moves_sequences().len());
|
||||||
}
|
}
|
||||||
|
|
||||||
// prise de coin par puissance et conservation de jan #18
|
// prise de coin par puissance et conservation de jan #18
|
||||||
|
|
@ -1120,9 +1240,12 @@ mod tests {
|
||||||
fn corner_by_effect_and_filled_corner() {
|
fn corner_by_effect_and_filled_corner() {
|
||||||
let mut state = MoveRules::default();
|
let mut state = MoveRules::default();
|
||||||
|
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
2, 2, 2, 2, 2, 2, 2, 1, 0, 0, 0, 0, 0, -2, 0, 0, 0, -2, 0, -2, -2, -2, -2, -3,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 2, 2, 2, 2, 2, 2, 1, 0, 0, 0, 0, 0, -2, 0, 0, 0, -2, 0, -2, -2, -2, -2, -3,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (6, 5);
|
state.dice.values = (6, 5);
|
||||||
|
|
||||||
let moves = (
|
let moves = (
|
||||||
|
|
@ -1155,9 +1278,12 @@ mod tests {
|
||||||
fn get_possible_moves_sequences() {
|
fn get_possible_moves_sequences() {
|
||||||
let mut state = MoveRules::default();
|
let mut state = MoveRules::default();
|
||||||
|
|
||||||
state.board.set_positions([
|
state.board.set_positions(
|
||||||
2, 0, -2, -2, 0, -1, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 0, -2, -2, 0, -1, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
state.dice.values = (2, 3);
|
state.dice.values = (2, 3);
|
||||||
let moves = (
|
let moves = (
|
||||||
CheckerMove::new(9, 11).unwrap(),
|
CheckerMove::new(9, 11).unwrap(),
|
||||||
|
|
|
||||||
|
|
@ -5,6 +5,7 @@ use crate::player::Color;
|
||||||
use crate::CheckerMove;
|
use crate::CheckerMove;
|
||||||
use crate::Error;
|
use crate::Error;
|
||||||
|
|
||||||
|
use log::debug;
|
||||||
use serde::{Deserialize, Serialize};
|
use serde::{Deserialize, Serialize};
|
||||||
use std::cmp;
|
use std::cmp;
|
||||||
use std::collections::HashMap;
|
use std::collections::HashMap;
|
||||||
|
|
@ -143,7 +144,9 @@ impl PointsRules {
|
||||||
} else {
|
} else {
|
||||||
board.clone()
|
board.clone()
|
||||||
};
|
};
|
||||||
let move_rules = MoveRules::new(color, &board, dice);
|
// the board is already reverted for black, so we pretend color is white
|
||||||
|
let move_rules = MoveRules::new(&Color::White, &board, dice);
|
||||||
|
// let move_rules = MoveRules::new(color, &board, dice);
|
||||||
|
|
||||||
// let move_rules = MoveRules::new(color, &self.board, dice, moves);
|
// let move_rules = MoveRules::new(color, &self.board, dice, moves);
|
||||||
Self {
|
Self {
|
||||||
|
|
@ -158,9 +161,9 @@ impl PointsRules {
|
||||||
self.move_rules.dice = dice;
|
self.move_rules.dice = dice;
|
||||||
}
|
}
|
||||||
|
|
||||||
pub fn update_positions(&mut self, positions: [i8; 24]) {
|
pub fn update_positions(&mut self, color: &Color, positions: [i8; 24]) {
|
||||||
self.board.set_positions(positions);
|
self.board.set_positions(color, positions);
|
||||||
self.move_rules.board.set_positions(positions);
|
self.move_rules.board.set_positions(color, positions);
|
||||||
}
|
}
|
||||||
|
|
||||||
fn get_jans(&self, board_ini: &Board, dice_rolls_count: u8) -> PossibleJans {
|
fn get_jans(&self, board_ini: &Board, dice_rolls_count: u8) -> PossibleJans {
|
||||||
|
|
@ -381,6 +384,7 @@ impl PointsRules {
|
||||||
|
|
||||||
pub fn get_result_jans(&self, dice_rolls_count: u8) -> (PossibleJans, (u8, u8)) {
|
pub fn get_result_jans(&self, dice_rolls_count: u8) -> (PossibleJans, (u8, u8)) {
|
||||||
let jans = self.get_jans(&self.board, dice_rolls_count);
|
let jans = self.get_jans(&self.board, dice_rolls_count);
|
||||||
|
debug!("jans : {jans:?}");
|
||||||
let points_jans = jans.clone();
|
let points_jans = jans.clone();
|
||||||
(jans, self.get_jans_points(points_jans))
|
(jans, self.get_jans_points(points_jans))
|
||||||
}
|
}
|
||||||
|
|
@ -481,9 +485,12 @@ mod tests {
|
||||||
#[test]
|
#[test]
|
||||||
fn get_jans_by_dice_order() {
|
fn get_jans_by_dice_order() {
|
||||||
let mut rules = PointsRules::default();
|
let mut rules = PointsRules::default();
|
||||||
rules.board.set_positions([
|
rules.board.set_positions(
|
||||||
2, 0, -1, -1, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 0, -1, -1, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
|
|
||||||
let jans = get_jans_by_ordered_dice(&rules.board, &[2, 3], None, false);
|
let jans = get_jans_by_ordered_dice(&rules.board, &[2, 3], None, false);
|
||||||
assert_eq!(1, jans.len());
|
assert_eq!(1, jans.len());
|
||||||
|
|
@ -495,9 +502,12 @@ mod tests {
|
||||||
|
|
||||||
// On peut passer par une dame battue pour battre une autre dame
|
// On peut passer par une dame battue pour battre une autre dame
|
||||||
// mais pas par une case remplie par l'adversaire
|
// mais pas par une case remplie par l'adversaire
|
||||||
rules.board.set_positions([
|
rules.board.set_positions(
|
||||||
2, 0, -1, -2, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 0, -1, -2, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
|
|
||||||
let mut jans = get_jans_by_ordered_dice(&rules.board, &[2, 3], None, false);
|
let mut jans = get_jans_by_ordered_dice(&rules.board, &[2, 3], None, false);
|
||||||
let jans_revert_dices = get_jans_by_ordered_dice(&rules.board, &[3, 2], None, false);
|
let jans_revert_dices = get_jans_by_ordered_dice(&rules.board, &[3, 2], None, false);
|
||||||
|
|
@ -506,25 +516,34 @@ mod tests {
|
||||||
jans.merge(jans_revert_dices);
|
jans.merge(jans_revert_dices);
|
||||||
assert_eq!(2, jans.get(&Jan::TrueHitSmallJan).unwrap().len());
|
assert_eq!(2, jans.get(&Jan::TrueHitSmallJan).unwrap().len());
|
||||||
|
|
||||||
rules.board.set_positions([
|
rules.board.set_positions(
|
||||||
2, 0, -1, 0, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 0, -1, 0, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
|
|
||||||
let jans = get_jans_by_ordered_dice(&rules.board, &[2, 3], None, false);
|
let jans = get_jans_by_ordered_dice(&rules.board, &[2, 3], None, false);
|
||||||
assert_eq!(1, jans.len());
|
assert_eq!(1, jans.len());
|
||||||
assert_eq!(2, jans.get(&Jan::TrueHitSmallJan).unwrap().len());
|
assert_eq!(2, jans.get(&Jan::TrueHitSmallJan).unwrap().len());
|
||||||
|
|
||||||
rules.board.set_positions([
|
rules.board.set_positions(
|
||||||
2, 0, 0, 0, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 0, 0, 0, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
|
|
||||||
let jans = get_jans_by_ordered_dice(&rules.board, &[2, 3], None, false);
|
let jans = get_jans_by_ordered_dice(&rules.board, &[2, 3], None, false);
|
||||||
assert_eq!(1, jans.len());
|
assert_eq!(1, jans.len());
|
||||||
assert_eq!(1, jans.get(&Jan::TrueHitSmallJan).unwrap().len());
|
assert_eq!(1, jans.get(&Jan::TrueHitSmallJan).unwrap().len());
|
||||||
|
|
||||||
rules.board.set_positions([
|
rules.board.set_positions(
|
||||||
2, 0, 1, 1, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 0, 1, 1, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
|
|
||||||
let jans = get_jans_by_ordered_dice(&rules.board, &[2, 3], None, false);
|
let jans = get_jans_by_ordered_dice(&rules.board, &[2, 3], None, false);
|
||||||
assert_eq!(1, jans.len());
|
assert_eq!(1, jans.len());
|
||||||
|
|
@ -533,25 +552,34 @@ mod tests {
|
||||||
// corners handling
|
// corners handling
|
||||||
|
|
||||||
// deux dés bloqués (coin de repos et coin de l'adversaire)
|
// deux dés bloqués (coin de repos et coin de l'adversaire)
|
||||||
rules.board.set_positions([
|
rules.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
// le premier dé traité est le dernier du vecteur : 1
|
// le premier dé traité est le dernier du vecteur : 1
|
||||||
let jans = get_jans_by_ordered_dice(&rules.board, &[2, 1], None, false);
|
let jans = get_jans_by_ordered_dice(&rules.board, &[2, 1], None, false);
|
||||||
// println!("jans (dés bloqués) : {:?}", jans.get(&Jan::TrueHit));
|
// println!("jans (dés bloqués) : {:?}", jans.get(&Jan::TrueHit));
|
||||||
assert_eq!(0, jans.len());
|
assert_eq!(0, jans.len());
|
||||||
|
|
||||||
// dé dans son coin de repos : peut tout de même battre à vrai
|
// dé dans son coin de repos : peut tout de même battre à vrai
|
||||||
rules.board.set_positions([
|
rules.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, 0, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, 0, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
let jans = get_jans_by_ordered_dice(&rules.board, &[3, 3], None, false);
|
let jans = get_jans_by_ordered_dice(&rules.board, &[3, 3], None, false);
|
||||||
assert_eq!(1, jans.len());
|
assert_eq!(1, jans.len());
|
||||||
|
|
||||||
// premier dé bloqué, mais tout d'une possible en commençant par le second
|
// premier dé bloqué, mais tout d'une possible en commençant par le second
|
||||||
rules.board.set_positions([
|
rules.board.set_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
let mut jans = get_jans_by_ordered_dice(&rules.board, &[3, 1], None, false);
|
let mut jans = get_jans_by_ordered_dice(&rules.board, &[3, 1], None, false);
|
||||||
let jans_revert_dices = get_jans_by_ordered_dice(&rules.board, &[1, 3], None, false);
|
let jans_revert_dices = get_jans_by_ordered_dice(&rules.board, &[1, 3], None, false);
|
||||||
assert_eq!(1, jans_revert_dices.len());
|
assert_eq!(1, jans_revert_dices.len());
|
||||||
|
|
@ -564,174 +592,293 @@ mod tests {
|
||||||
// à vrai
|
// à vrai
|
||||||
}
|
}
|
||||||
|
|
||||||
|
#[test]
|
||||||
|
fn get_result_jans() {
|
||||||
|
let mut board = Board::new();
|
||||||
|
board.set_positions(
|
||||||
|
&Color::White,
|
||||||
|
[
|
||||||
|
0, 0, 5, 2, 4, 3, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -3, -2, -2, -2, -2, -2, -2,
|
||||||
|
],
|
||||||
|
);
|
||||||
|
let points_rules = PointsRules::new(&Color::Black, &board, Dice { values: (2, 4) });
|
||||||
|
let jans = points_rules.get_result_jans(8);
|
||||||
|
assert!(jans.0.len() > 0);
|
||||||
|
}
|
||||||
|
|
||||||
#[test]
|
#[test]
|
||||||
fn get_points() {
|
fn get_points() {
|
||||||
// ----- Jan de récompense
|
// ----- Jan de récompense
|
||||||
// Battre à vrai une dame située dans la table des petits jans : 4 + 4 + 4 = 12
|
// Battre à vrai une dame située dans la table des petits jans : 4 + 4 + 4 = 12
|
||||||
let mut rules = PointsRules::default();
|
let mut rules = PointsRules::default();
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
2, 0, -1, -1, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 0, -1, -1, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (2, 3) });
|
rules.set_dice(Dice { values: (2, 3) });
|
||||||
assert_eq!(12, rules.get_points(5).0);
|
assert_eq!(12, rules.get_points(5).0);
|
||||||
|
|
||||||
|
// Calcul des points pour noir
|
||||||
|
let mut board = Board::new();
|
||||||
|
board.set_positions(
|
||||||
|
&Color::White,
|
||||||
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 1, 1, 0, -2,
|
||||||
|
],
|
||||||
|
);
|
||||||
|
let mut rules = PointsRules::new(&Color::Black, &board, Dice { values: (2, 3) });
|
||||||
|
assert_eq!(12, rules.get_points(5).0);
|
||||||
|
|
||||||
// Battre à vrai une dame située dans la table des grands jans : 2 + 2 = 4
|
// Battre à vrai une dame située dans la table des grands jans : 2 + 2 = 4
|
||||||
let mut rules = PointsRules::default();
|
let mut rules = PointsRules::default();
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
2, 0, 0, -1, 2, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 0, 0, -1, 2, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (2, 4) });
|
rules.set_dice(Dice { values: (2, 4) });
|
||||||
assert_eq!(4, rules.get_points(5).0);
|
assert_eq!(4, rules.get_points(5).0);
|
||||||
// Battre à vrai une dame située dans la table des grands jans : 2
|
// Battre à vrai une dame située dans la table des grands jans : 2
|
||||||
let mut rules = PointsRules::default();
|
let mut rules = PointsRules::default();
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
2, 0, -2, -1, 0, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 0, -2, -1, 0, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (2, 4) });
|
rules.set_dice(Dice { values: (2, 4) });
|
||||||
assert_eq!((2, 2), rules.get_points(5));
|
assert_eq!((2, 2), rules.get_points(5));
|
||||||
|
|
||||||
// Battre à vrai le coin adverse par doublet : 6
|
// Battre à vrai le coin adverse par doublet : 6
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (2, 2) });
|
rules.set_dice(Dice { values: (2, 2) });
|
||||||
assert_eq!(6, rules.get_points(5).0);
|
assert_eq!(6, rules.get_points(5).0);
|
||||||
|
|
||||||
// Cas de battage du coin de repos adverse impossible
|
// Cas de battage du coin de repos adverse impossible
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 3, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 3, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (1, 1) });
|
rules.set_dice(Dice { values: (1, 1) });
|
||||||
assert_eq!(0, rules.get_points(5).0);
|
assert_eq!(0, rules.get_points(5).0);
|
||||||
|
|
||||||
// ---- Jan de remplissage
|
// ---- Jan de remplissage
|
||||||
// Faire un petit jan : 4
|
// Faire un petit jan : 4
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
3, 1, 2, 2, 3, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
3, 1, 2, 2, 3, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (2, 1) });
|
rules.set_dice(Dice { values: (2, 1) });
|
||||||
assert_eq!(1, rules.get_jans(&rules.board, 5).len());
|
assert_eq!(1, rules.get_jans(&rules.board, 5).len());
|
||||||
assert_eq!(4, rules.get_points(5).0);
|
assert_eq!(4, rules.get_points(5).0);
|
||||||
|
|
||||||
// Faire un petit jan avec un doublet : 6
|
// Faire un petit jan avec un doublet : 6
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
2, 3, 1, 2, 2, 3, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 3, 1, 2, 2, 3, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (1, 1) });
|
rules.set_dice(Dice { values: (1, 1) });
|
||||||
assert_eq!(6, rules.get_points(5).0);
|
assert_eq!(6, rules.get_points(5).0);
|
||||||
|
|
||||||
// Faire un petit jan avec 2 moyens : 6 + 6 = 12
|
// Faire un petit jan avec 2 moyens : 6 + 6 = 12
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
3, 3, 1, 2, 2, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
3, 3, 1, 2, 2, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (1, 1) });
|
rules.set_dice(Dice { values: (1, 1) });
|
||||||
assert_eq!(12, rules.get_points(5).0);
|
assert_eq!(12, rules.get_points(5).0);
|
||||||
|
|
||||||
// Conserver un jan avec un doublet : 6
|
// Conserver un jan avec un doublet : 6
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
3, 3, 2, 2, 2, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
3, 3, 2, 2, 2, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (1, 1) });
|
rules.set_dice(Dice { values: (1, 1) });
|
||||||
assert_eq!(6, rules.get_points(5).0);
|
assert_eq!(6, rules.get_points(5).0);
|
||||||
|
|
||||||
|
// Conserver un jan
|
||||||
|
rules.update_positions(
|
||||||
|
&Color::White,
|
||||||
|
[
|
||||||
|
2, 2, 2, 2, 2, 4, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -3, -1, -2, -3, -5, 0, -1,
|
||||||
|
],
|
||||||
|
);
|
||||||
|
rules.set_dice(Dice { values: (3, 1) });
|
||||||
|
assert_eq!((4, 0), rules.get_points(8));
|
||||||
|
|
||||||
|
// Conserver un jan (black)
|
||||||
|
let mut board = Board::new();
|
||||||
|
board.set_positions(
|
||||||
|
&Color::White,
|
||||||
|
[
|
||||||
|
1, 0, 5, 3, 2, 1, 3, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, -4, -2, -2, -2, -2, -2,
|
||||||
|
],
|
||||||
|
);
|
||||||
|
let rules = PointsRules::new(&Color::Black, &board, Dice { values: (3, 1) });
|
||||||
|
assert_eq!((4, 0), rules.get_points(8));
|
||||||
|
|
||||||
// ---- Sorties
|
// ---- Sorties
|
||||||
// Sortir toutes ses dames avant l'adversaire (simple)
|
// Sortir toutes ses dames avant l'adversaire (simple)
|
||||||
rules.update_positions([
|
let mut rules = PointsRules::default();
|
||||||
0, 0, -2, 0, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1,
|
rules.update_positions(
|
||||||
]);
|
&Color::White,
|
||||||
|
[
|
||||||
|
0, 0, -2, 0, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (3, 1) });
|
rules.set_dice(Dice { values: (3, 1) });
|
||||||
assert_eq!(4, rules.get_points(5).0);
|
assert_eq!(4, rules.get_points(5).0);
|
||||||
|
|
||||||
// Sortir toutes ses dames avant l'adversaire (doublet)
|
// Sortir toutes ses dames avant l'adversaire (doublet)
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
0, 0, -2, 0, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
0, 0, -2, 0, 0, -1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (2, 2) });
|
rules.set_dice(Dice { values: (2, 2) });
|
||||||
assert_eq!(6, rules.get_points(5).0);
|
assert_eq!(6, rules.get_points(5).0);
|
||||||
|
|
||||||
// ---- JANS RARES
|
// ---- JANS RARES
|
||||||
// Jan de six tables
|
// Jan de six tables
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
10, 1, 0, 0, 1, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
10, 1, 0, 0, 1, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (2, 3) });
|
rules.set_dice(Dice { values: (2, 3) });
|
||||||
assert_eq!(0, rules.get_points(5).0);
|
assert_eq!(0, rules.get_points(5).0);
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
10, 1, 0, 0, 1, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
10, 1, 0, 0, 1, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (2, 3) });
|
rules.set_dice(Dice { values: (2, 3) });
|
||||||
assert_eq!(4, rules.get_points(3).0);
|
assert_eq!(4, rules.get_points(3).0);
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
10, 1, 0, 0, 1, 2, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
10, 1, 0, 0, 1, 2, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (2, 3) });
|
rules.set_dice(Dice { values: (2, 3) });
|
||||||
assert_eq!(0, rules.get_points(3).0);
|
assert_eq!(0, rules.get_points(3).0);
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
10, 1, 0, 0, 1, 1, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
10, 1, 0, 0, 1, 1, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (2, 3) });
|
rules.set_dice(Dice { values: (2, 3) });
|
||||||
assert_eq!(0, rules.get_points(3).0);
|
assert_eq!(0, rules.get_points(3).0);
|
||||||
|
|
||||||
// Jan de deux tables
|
// Jan de deux tables
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
13, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
13, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (2, 2) });
|
rules.set_dice(Dice { values: (2, 2) });
|
||||||
assert_eq!(6, rules.get_points(5).0);
|
assert_eq!(6, rules.get_points(5).0);
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
12, 0, 0, 1, 0, 0, 0, 0, 0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
12, 0, 0, 1, 0, 0, 0, 0, 0, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (2, 2) });
|
rules.set_dice(Dice { values: (2, 2) });
|
||||||
assert_eq!(0, rules.get_points(5).0);
|
assert_eq!(0, rules.get_points(5).0);
|
||||||
|
|
||||||
// Contre jan de deux tables
|
// Contre jan de deux tables
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
13, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1, 0, -2, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
13, 0, 0, 0, 0, 0, 0, 0, 0, 1, 1, 0, -2, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (2, 2) });
|
rules.set_dice(Dice { values: (2, 2) });
|
||||||
assert_eq!((0, 6), rules.get_points(5));
|
assert_eq!((0, 6), rules.get_points(5));
|
||||||
|
|
||||||
// Jan de mézéas
|
// Jan de mézéas
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
13, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
13, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (1, 1) });
|
rules.set_dice(Dice { values: (1, 1) });
|
||||||
assert_eq!(6, rules.get_points(5).0);
|
assert_eq!(6, rules.get_points(5).0);
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
13, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
13, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (1, 2) });
|
rules.set_dice(Dice { values: (1, 2) });
|
||||||
assert_eq!(4, rules.get_points(5).0);
|
assert_eq!(4, rules.get_points(5).0);
|
||||||
|
|
||||||
// Contre jan de mézéas
|
// Contre jan de mézéas
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
13, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, -2, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
13, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 2, -2, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (1, 1) });
|
rules.set_dice(Dice { values: (1, 1) });
|
||||||
assert_eq!((0, 6), rules.get_points(5));
|
assert_eq!((0, 6), rules.get_points(5));
|
||||||
|
|
||||||
// ---- JANS QUI NE PEUT
|
// ---- JANS QUI NE PEUT
|
||||||
// Battre à faux une dame située dans la table des petits jans
|
// Battre à faux une dame située dans la table des petits jans
|
||||||
let mut rules = PointsRules::default();
|
let mut rules = PointsRules::default();
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
2, 0, -2, -2, 0, -1, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 0, -2, -2, 0, -1, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (2, 3) });
|
rules.set_dice(Dice { values: (2, 3) });
|
||||||
assert_eq!((0, 4), rules.get_points(5));
|
assert_eq!((0, 4), rules.get_points(5));
|
||||||
|
|
||||||
// Battre à faux une dame située dans la table des grands jans
|
// Battre à faux une dame située dans la table des grands jans
|
||||||
let mut rules = PointsRules::default();
|
let mut rules = PointsRules::default();
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
2, 0, -2, -1, -2, 0, -1, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 0, -2, -1, -2, 0, -1, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (2, 4) });
|
rules.set_dice(Dice { values: (2, 4) });
|
||||||
assert_eq!((0, 2), rules.get_points(5));
|
assert_eq!((0, 2), rules.get_points(5));
|
||||||
|
|
||||||
// Pour chaque dé non jouable (dame impuissante)
|
// Pour chaque dé non jouable (dame impuissante)
|
||||||
let mut rules = PointsRules::default();
|
let mut rules = PointsRules::default();
|
||||||
rules.update_positions([
|
rules.update_positions(
|
||||||
2, 0, -2, -2, -2, 0, -2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
&Color::White,
|
||||||
]);
|
[
|
||||||
|
2, 0, -2, -2, -2, 0, -2, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0,
|
||||||
|
],
|
||||||
|
);
|
||||||
rules.set_dice(Dice { values: (2, 4) });
|
rules.set_dice(Dice { values: (2, 4) });
|
||||||
assert_eq!((0, 4), rules.get_points(5));
|
assert_eq!((0, 4), rules.get_points(5));
|
||||||
}
|
}
|
||||||
|
|
|
||||||
Loading…
Reference in a new issue