Exploring DW Dual Bounds

A main feature of GCG is its plugin interface which can be used to plug into different parts of the solving process. In this tutorial we will take a look at how to implement a simple detector plugin. In GCG, detectors are executed before the solving process to find structures in the model passed to the solver. For more details in detectors, please consult GCG’s documentation.

The example used in this tutorial is based on a paper by Witt et al. We will built a detector in Python that detects all possible decompositions for a given model. After that, we will run a simple experiment in collect statistics using the Python interface. To follow along with this tutorial interactively, please download the Jupyter notebook and all referenced resources using the following link: alldecomps_instances.zip

Preparation

We start with adding all neccessary imports as well as a utility function to return the powerset of a list. This will be usefull later since reformulating each set of constraints in the powerset is equivalent to obtaining all decompositions.

[1]:
from pygcgopt import Model, Detector, SCIP_PARAMSETTING

from itertools import chain, combinations
import json
from datetime import datetime
from pathlib import Path

def powerset(iterable):
    """Returns the powerset of the passed iterable."""
    s = list(iterable)
    return map(set, chain.from_iterable(combinations(s, r) for r in range(len(s)+1)))

list(powerset([0,1,2]))
[1]:
[set(), {0}, {1}, {2}, {0, 1}, {0, 2}, {1, 2}, {0, 1, 2}]

The Detector

To implement a detector for GCG in Python, you need to subclass the Detector class. It has several methods that can be overriden to plugin at different stages of the detector loop. For more details on the other methods, please consult the documentation of the Python interface. For general information on the detector loop, please consult GCG’s documentation. The callbacks of the Python interface match those of the C interface.

Without further ado, here is the code for the detector. We will take a look at the different parts of it afterwards.

[2]:
class AllDecompsDetector(Detector):
    def __init__(self, n_conss):
        super().__init__()

        self.conss_powerset = powerset(range(n_conss))
        self.iteration_idx = 0

    def propagatePartialdec(self, detprobdata, workonpartialdec):
        all_conss = sorted(workonpartialdec.getOpenconss(), key=lambda cons: cons.name)

        new_decs = []
        for reform_conss_idx in self.conss_powerset:
            reform_conss = set(all_conss[i] for i in reform_conss_idx)
            master_conss = set(all_conss) - reform_conss
            assert len(master_conss) + len(reform_conss) == len(all_conss)

            new_dec = workonpartialdec.copy()
            new_dec.fixConssToMaster(master_conss)
            new_dec.fixConssToBlock(reform_conss, 0)

            new_decs.append(new_dec)

            # print(f"Produced decomposition at index {self.iteration_idx}: {reform_conss}")
            self.last_decomp = list(c.name for c in reform_conss)

            self.iteration_idx += 1

            # The unconditional break is intentional, read on to find out why.
            break


        return {
            "newpartialdecs": [new_dec]
        }

The above class is already enough to define our detector!

Let’s walk it through:

In the constructor, we compute the powerset based on the number of constraints our model has. Each element of the conss_powerset list will be a set of constraints to reformulate.

The propagatePartialdec method is one of three methods that can be overriden for a detector. It receives two arguments detprobdata of type DetProbData and workonpartialdec of type PartialDecomposition. The first argument contains generic information accumulated during the detection and classification process. The second argument contains a partial decomposition that our detector may use to derive new (partial) decompositions. In our case, the passed partial decomposition will always be empty due to how we will setup the experiment later.

Our detector gets all constraints from the partial decomposition and then iterates over the previously generated powerset of constraints. We select the constraints to reformulate and the constraints to remain in the master problem. Then, we copy the partial decomposition and assign the master and reformulation constraints. In the end, we return all new partial decompositions.

Note: You may wonder why we use a for-loop to iterate over the powerset but exit after one iteration. Down below, we will create a fresh Model for every decomposition and assign the same instance of the detector. GCG will call the propagatePartialdec method once for each model and our code will return a different decomposition each time because conss_powerset is a Python iterable object. Thus, the iteration will not start over but ascend every time.

Experiment

Now that we have our detector, we want to use it to replicate the study referanced above.

Setting up the Model

The goal is to solve the LP relaxation of the RMP of every reformulation. For that, we need to disable cutting planes, limit to number of nodes, and prevent GCG from aborting pricing before the RMP is optimal. We create a function to create a fresh model and make these settings.

Note: The parameter limits/nodes is not a GCG parameter but a SCIP parameter. We can set using the appropriate method of PySCIPOpt’s Model class. You can set any SCIP or GCG parameter in a similar manner.

[3]:
def init_model():
    m = Model()

    for det in m.listDetectors():
        m.setDetectorEnabled(det, False)
        m.setDetectorFinishingEnabled(det, False)
        m.setDetectorPostprocessingEnabled(det, False)

    m.setGCGSeparating(SCIP_PARAMSETTING.OFF)
    m.setLongintParam("limits/nodes", 1)
    m.setBoolParam("pricing/masterpricer/abortpricingint", False)

    return m

Instanciating the Detector

Next, we will specify our problem instance. We will use a small coloring instance from the paper containing only 6 constraints for the sake of example.

The problem is instanciated once to obtain the number of constraints. This information is used to instanciate our detector.

[4]:
instance_name = "coloring3"
problem_path = f"alldecomps_instances/{instance_name}.lp.gz"
problem_name = Path(problem_path).stem

m = init_model()
m.readProblem(problem_path)
n_conss = m.getNConss()
m.freeProb()

all_decomps_detector = AllDecompsDetector(n_conss)
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints

Running the Experiment

Now comes the fun part, we can run our little experiment!

While the following code might look terrifying at first, you will notice that most of it is just boilerplate code to setup logging and to collect statistics. The important line is the one containing the call to m.includeDetector(). This registers our detector to GCG which will use it in addition to its predefined detectors. In our case, we disabled the other detectors when creating the model and, therefore, GCG will only use our detector.

The general procedure is as follows:
1. Create a fresh model using init_model()
2. Include our detector
3. Read in our problem instance
4. Detect and solve the problem (we explicitely call detect() to avoid presolving the problem, see documentation for details)
5. Collect and store statistics

Running the experiment will take a few minutes, don’t panic!

[5]:
results_dir = Path("results/").joinpath(problem_name)
results_dir.mkdir(parents=True, exist_ok=True)
logs_dir = results_dir.joinpath("log")
logs_dir.mkdir(exist_ok=True)

current_timestamp = datetime.utcnow().strftime("%Y-%m-%dT%H%M%S")
results_file = results_dir.joinpath(f"result_{problem_name}_{current_timestamp}.jsonl").resolve()

for i in range(2**n_conss):
    log_path = logs_dir.joinpath(f"log_{problem_name}_{current_timestamp}_idx_{i:06}.log").resolve().as_posix()

    m = init_model()
    m.setLogfile(log_path)
    m.includeDetector(all_decomps_detector, "all_decomps_detector", "a", "Detects the power set of constraints")
    m.readProblem(problem_path)

    m.detect()

    assert(len(m.listDecompositions()) == 1)

    m.optimize()

    mp = m.getMasterProb()

    result = {
        "reformulation_constraints": all_decomps_detector.last_decomp,
        "iteration_idx": i,
        "dual_bound": m.getDualbound(),
        "total_time": m.getTotalTime(),
        "solving_time": m.getSolvingTime(),
        "reading_time": m.getReadingTime(),
        "presolving_time": m.getPresolvingTime(),
        "status": m.getStatus(),
        "log_filename": log_path,
    }

    with results_file.open("a") as f:
        json.dump(result, f)
        f.write('\n')

    m.freeProb()

print("Finished experiment!")

sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
All blocks have been deleted since only deleted constraints are contained, no reformulation is done.
Chosen structure has 0 blocks, 6 master-only (static) variables, and 6 linking constraints.
This decomposition has a maxwhite score of 0.000000.

  time | node  | left  |MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|rows |mcuts|confs|strbr|  dualbound   | primalbound  |  gap
p  0.0s|     1 |     0 |      0 |     - | 932k|   0 |   6 |   0 |   6 |   0 |   6 |   0 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |    Inf
   0.0s|     1 |     0 |      0 |     - | 931k|   0 |   6 |   0 |   6 |   0 |   6 |   0 |   0 |   0 | 6.666667e-01 | 2.000000e+00 | 200.00%
There are no pricing problems in the decomposition. The original problem will be solved directly.
presolving:
   (0.0s) probing cycle finished: starting next cycle
presolving (1 rounds: 1 fast, 1 medium, 1 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00


   0.0s|     1 |     0 |      5 |     - |1033k|   0 |   6 |   6 |   7 |   6 |   6 |   0 |   0 |   0 | 6.666667e-01 | 2.000000e+00 | 200.00%
   0.0s|     1 |     0 |      5 |     - |1034k|   0 |   6 |   6 |   7 |   6 |   6 |   0 |   0 |   0 | 6.666667e-01 | 2.000000e+00 | 200.00%
   0.0s|     1 |     0 |     12 |     - |1036k|   0 |   6 |   6 |   7 |   6 |   6 |   0 |   0 |   0 | 2.000000e+00 | 2.000000e+00 |   0.00%
   0.0s|     1 |     0 |     12 |     - |1036k|   0 |   6 |   6 |   7 |   6 |   6 |   0 |   0 |   0 | 2.000000e+00 | 2.000000e+00 |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 4 master-only (static) variables, and 5 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1162k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1277k|   0 |   6 |   5 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1280k|   0 |   6 |   6 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      6 |      6 |     - |1280k|   0 |   6 |   6 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |  50.00%| 200.00%
   0.0s|     1 |     2 |     10 |     10 |     - |1285k|   0 |   6 |   6 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |  50.00%| 200.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +6.66666666666667e-01
Gap                : 200.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 4 master-only (static) variables, and 5 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1162k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1277k|   0 |   6 |   5 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1280k|   0 |   6 |   6 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      5 |      5 |     - |1280k|   0 |   6 |   6 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |  50.00%| 200.00%
   0.0s|     1 |     2 |      8 |      8 |     - |1285k|   0 |   6 |   6 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |  50.00%| 200.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +6.66666666666667e-01
Gap                : 200.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 4 master-only (static) variables, and 5 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1162k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1277k|   0 |   6 |   5 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1280k|   0 |   6 |   6 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      6 |      6 |     - |1281k|   0 |   6 |   6 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |  50.00%| 200.00%
   0.0s|     1 |     2 |     10 |     10 |     - |1286k|   0 |   6 |   6 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |  50.00%| 200.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +6.66666666666667e-01
Gap                : 200.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 4 master-only (static) variables, and 5 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1162k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1277k|   0 |   6 |   5 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1280k|   0 |   6 |   6 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      5 |      5 |     - |1280k|   0 |   6 |   6 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |  50.00%| 200.00%
   0.0s|     1 |     2 |      9 |      9 |     - |1285k|   0 |   6 |   6 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |  50.00%| 200.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +6.66666666666667e-01
Gap                : 200.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 3 master-only (static) variables, and 5 linking constraints.
This decomposition has a maxwhite score of 0.083333.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1274k|   0 |   6 |   4 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1277k|   0 |   6 |   5 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      6 |      6 |     - |1282k|   0 |   6 |   7 |   7 |   7 |   0 | 8.333333e-01 | 2.000000e+00 |  50.00%| 140.00%
   0.0s|     1 |     2 |     10 |     10 |     - |1287k|   0 |   6 |   7 |   7 |   7 |   0 | 8.333333e-01 | 2.000000e+00 |  50.00%| 140.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +8.33333333333333e-01
Gap                : 140.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 3 master-only (static) variables, and 5 linking constraints.
This decomposition has a maxwhite score of 0.083333.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1274k|   0 |   6 |   4 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1277k|   0 |   6 |   5 |   7 |   7 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      6 |      6 |     - |1282k|   0 |   6 |   7 |   7 |   7 |   0 | 8.333333e-01 | 2.000000e+00 |  50.00%| 140.00%
   0.0s|     1 |     2 |     10 |     10 |     - |1288k|   0 |   6 |   7 |   7 |   7 |   0 | 8.333333e-01 | 2.000000e+00 |  50.00%| 140.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +8.33333333333333e-01
Gap                : 140.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 2 master-only (static) variables, and 4 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1271k|   0 |   6 |   3 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1274k|   0 |   6 |   4 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1278k|   0 |   6 |   5 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |  40.00%| 200.00%
   0.0s|     1 |     2 |      7 |      7 |     - |1282k|   0 |   6 |   5 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |  40.00%| 200.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +6.66666666666667e-01
Gap                : 200.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 3 master-only (static) variables, and 4 linking constraints.
This decomposition has a maxwhite score of 0.166667.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1273k|   0 |   6 |   4 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1276k|   0 |   6 |   5 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1277k|   0 |   6 |   5 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |  40.00%| 200.00%
   0.0s|     1 |     2 |      7 |      7 |     - |1282k|   0 |   6 |   5 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |  40.00%| 200.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +6.66666666666667e-01
Gap                : 200.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 3 master-only (static) variables, and 4 linking constraints.
This decomposition has a maxwhite score of 0.166667.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1273k|   0 |   6 |   4 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1276k|   0 |   6 |   5 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1277k|   0 |   6 |   5 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |  40.00%| 200.00%
   0.0s|     1 |     2 |      7 |      7 |     - |1282k|   0 |   6 |   5 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |  40.00%| 200.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +6.66666666666667e-01
Gap                : 200.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 3 master-only (static) variables, and 4 linking constraints.
This decomposition has a maxwhite score of 0.166667.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1273k|   0 |   6 |   4 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1276k|   0 |   6 |   5 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      5 |      5 |     - |1279k|   0 |   6 |   6 |   7 |   6 |   0 | 1.333333e+00 | 2.000000e+00 |  60.00%|  50.00%
   0.0s|     1 |     0 |      5 |      5 |     - |1277k|   0 |   6 |   5 |   7 |   6 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 4 linking constraints.
This decomposition has a maxwhite score of 0.055556.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1268k|   0 |   6 |   2 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1271k|   0 |   6 |   3 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      6 |      6 |     - |1285k|   0 |   6 |   8 |   7 |   6 |   0 | 8.333333e-01 | 2.000000e+00 |  55.00%| 140.00%
   0.0s|     1 |     2 |     18 |     18 |     - |1291k|   0 |   6 |   8 |   7 |   6 |   0 | 8.333333e-01 | 2.000000e+00 |  55.00%| 140.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.03
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +8.33333333333333e-01
Gap                : 140.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 3 master-only (static) variables, and 4 linking constraints.
This decomposition has a maxwhite score of 0.166667.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1273k|   0 |   6 |   4 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1276k|   0 |   6 |   5 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1277k|   0 |   6 |   5 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |  40.00%| 200.00%
   0.0s|     1 |     2 |      7 |      7 |     - |1282k|   0 |   6 |   5 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |  40.00%| 200.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +6.66666666666667e-01
Gap                : 200.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 3 master-only (static) variables, and 4 linking constraints.
This decomposition has a maxwhite score of 0.166667.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1273k|   0 |   6 |   4 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1276k|   0 |   6 |   5 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1277k|   0 |   6 |   5 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |  40.00%| 200.00%
   0.0s|     1 |     2 |      7 |      7 |     - |1282k|   0 |   6 |   5 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |  40.00%| 200.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +6.66666666666667e-01
Gap                : 200.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 4 linking constraints.
This decomposition has a maxwhite score of 0.055556.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1268k|   0 |   6 |   2 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1271k|   0 |   6 |   3 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      6 |      6 |     - |1285k|   0 |   6 |   8 |   7 |   6 |   0 | 8.333333e-01 | 2.000000e+00 |  55.00%| 140.00%
   0.0s|     1 |     2 |     18 |     18 |     - |1291k|   0 |   6 |   8 |   7 |   6 |   0 | 8.333333e-01 | 2.000000e+00 |  55.00%| 140.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +8.33333333333333e-01
Gap                : 140.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 3 master-only (static) variables, and 4 linking constraints.
This decomposition has a maxwhite score of 0.166667.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1273k|   0 |   6 |   4 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1276k|   0 |   6 |   5 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      5 |      5 |     - |1279k|   0 |   6 |   6 |   7 |   6 |   0 | 1.333333e+00 | 2.000000e+00 |  60.00%|  50.00%
   0.0s|     1 |     0 |      5 |      5 |     - |1277k|   0 |   6 |   5 |   7 |   6 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 2 master-only (static) variables, and 4 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1271k|   0 |   6 |   3 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1274k|   0 |   6 |   4 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      3 |      3 |     - |1275k|   0 |   6 |   4 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |  40.00%| 200.00%
   0.0s|     1 |     2 |      5 |      5 |     - |1279k|   0 |   6 |   4 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |  40.00%| 200.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +6.66666666666667e-01
Gap                : 200.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 2 master-only (static) variables, and 4 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1271k|   0 |   6 |   3 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1273k|   0 |   6 |   4 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      5 |      5 |     - |1279k|   0 |   6 |   6 |   7 |   6 |   0 | 8.333333e-01 | 2.000000e+00 |  46.67%| 140.00%
   0.0s|     1 |     2 |     11 |     11 |     - |1285k|   0 |   6 |   6 |   7 |   6 |   0 | 8.333333e-01 | 2.000000e+00 |  46.67%| 140.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +8.33333333333333e-01
Gap                : 140.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 2 master-only (static) variables, and 4 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1270k|   0 |   6 |   3 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1273k|   0 |   6 |   4 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      5 |      5 |     - |1279k|   0 |   6 |   6 |   7 |   6 |   0 | 8.333333e-01 | 2.000000e+00 |  46.67%| 140.00%
   0.0s|     1 |     2 |     11 |     11 |     - |1285k|   0 |   6 |   6 |   7 |   6 |   0 | 8.333333e-01 | 2.000000e+00 |  46.67%| 140.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +8.33333333333333e-01
Gap                : 140.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 2 master-only (static) variables, and 4 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1270k|   0 |   6 |   3 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1273k|   0 |   6 |   4 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      5 |      5 |     - |1279k|   0 |   6 |   6 |   7 |   6 |   0 | 8.333333e-01 | 2.000000e+00 |  46.67%| 140.00%
   0.0s|     1 |     2 |     11 |     11 |     - |1285k|   0 |   6 |   6 |   7 |   6 |   0 | 8.333333e-01 | 2.000000e+00 |  46.67%| 140.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +8.33333333333333e-01
Gap                : 140.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 2 master-only (static) variables, and 4 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1271k|   0 |   6 |   3 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1273k|   0 |   6 |   4 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      5 |      5 |     - |1279k|   0 |   6 |   6 |   7 |   6 |   0 | 8.333333e-01 | 2.000000e+00 |  46.67%| 140.00%
   0.0s|     1 |     2 |     11 |     11 |     - |1285k|   0 |   6 |   6 |   7 |   6 |   0 | 8.333333e-01 | 2.000000e+00 |  46.67%| 140.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +8.33333333333333e-01
Gap                : 140.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks and 4 linking constraints.
This decomposition has a maxwhite score of 0.000000.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1158k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1264k|   0 |   6 |   1 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1267k|   0 |   6 |   2 |   7 |   6 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      3 |      3 |     - |1274k|   0 |   6 |   4 |   7 |   6 |   0 | 1.000000e+00 | 2.000000e+00 |  73.33%| 100.00%
   0.0s|     1 |     2 |      6 |      6 |     - |1280k|   0 |   6 |   4 |   7 |   6 |   0 | 1.000000e+00 | 2.000000e+00 |  73.33%| 100.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +1.00000000000000e+00
Gap                : 100.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 2 master-only (static) variables, and 3 linking constraints.
This decomposition has a maxwhite score of 0.166667.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1270k|   0 |   6 |   3 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1272k|   0 |   6 |   4 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      3 |      3 |     - |1274k|   0 |   6 |   4 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |  25.00%| 200.00%
   0.0s|     1 |     2 |      5 |      5 |     - |1279k|   0 |   6 |   4 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |  25.00%| 200.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +6.66666666666667e-01
Gap                : 200.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 2 master-only (static) variables, and 3 linking constraints.
This decomposition has a maxwhite score of 0.166667.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1270k|   0 |   6 |   3 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1272k|   0 |   6 |   4 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      3 |      3 |     - |1274k|   0 |   6 |   4 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |  25.00%| 200.00%
   0.0s|     1 |     2 |      5 |      5 |     - |1279k|   0 |   6 |   4 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |  25.00%| 200.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +6.66666666666667e-01
Gap                : 200.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 3 linking constraints.
This decomposition has a maxwhite score of 0.083333.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1267k|   0 |   6 |   2 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1270k|   0 |   6 |   3 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1279k|   0 |   6 |   6 |   7 |   5 |   0 | 1.333333e+00 | 2.000000e+00 |  50.00%|  50.00%
   0.0s|     1 |     0 |      4 |      4 |     - |1272k|   0 |   6 |   3 |   7 |   5 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.03
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 3 linking constraints.
This decomposition has a maxwhite score of 0.083333.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1267k|   0 |   6 |   2 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1270k|   0 |   6 |   3 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1279k|   0 |   6 |   6 |   7 |   5 |   0 | 1.333333e+00 | 2.000000e+00 |  50.00%|  50.00%
   0.0s|     1 |     0 |      4 |      4 |     - |1272k|   0 |   6 |   3 |   7 |   5 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.03
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 2 master-only (static) variables, and 3 linking constraints.
This decomposition has a maxwhite score of 0.166667.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1270k|   0 |   6 |   3 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1272k|   0 |   6 |   4 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      3 |      3 |     - |1274k|   0 |   6 |   4 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |  25.00%| 200.00%
   0.0s|     1 |     2 |      5 |      5 |     - |1278k|   0 |   6 |   4 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |  25.00%| 200.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +6.66666666666667e-01
Gap                : 200.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 2 master-only (static) variables, and 3 linking constraints.
This decomposition has a maxwhite score of 0.166667.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1270k|   0 |   6 |   3 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1272k|   0 |   6 |   4 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1276k|   0 |   6 |   5 |   7 |   5 |   0 | 1.333333e+00 | 2.000000e+00 |  50.00%|  50.00%
   0.0s|     1 |     0 |      4 |      4 |     - |1274k|   0 |   6 |   4 |   7 |   5 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 3 linking constraints.
This decomposition has a maxwhite score of 0.083333.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1267k|   0 |   6 |   2 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1270k|   0 |   6 |   3 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1276k|   0 |   6 |   5 |   7 |   5 |   0 | 8.333333e-01 | 2.000000e+00 |  41.67%| 140.00%
   0.0s|     1 |     2 |     12 |     12 |     - |1282k|   0 |   6 |   5 |   7 |   5 |   0 | 8.333333e-01 | 2.000000e+00 |  41.67%| 140.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +8.33333333333333e-01
Gap                : 140.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 2 master-only (static) variables, and 3 linking constraints.
This decomposition has a maxwhite score of 0.166667.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1269k|   0 |   6 |   3 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1272k|   0 |   6 |   4 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1276k|   0 |   6 |   5 |   7 |   5 |   0 | 1.333333e+00 | 2.000000e+00 |  50.00%|  50.00%
   0.0s|     1 |     0 |      4 |      4 |     - |1274k|   0 |   6 |   4 |   7 |   5 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 3 linking constraints.
This decomposition has a maxwhite score of 0.083333.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1267k|   0 |   6 |   2 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1270k|   0 |   6 |   3 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1279k|   0 |   6 |   6 |   7 |   5 |   0 | 8.333333e-01 | 2.000000e+00 |  41.67%| 140.00%
   0.0s|     1 |     2 |     15 |     15 |     - |1284k|   0 |   6 |   6 |   7 |   5 |   0 | 8.333333e-01 | 2.000000e+00 |  41.67%| 140.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +8.33333333333333e-01
Gap                : 140.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks and 3 linking constraints.
This decomposition has a maxwhite score of 0.000000.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1158k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1263k|   0 |   6 |   1 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1266k|   0 |   6 |   2 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      6 |      6 |     - |1289k|   0 |   6 |  10 |   7 |   5 |   0 | 1.500000e+00 | 2.000000e+00 |  75.00%|  33.33%
   0.0s|     1 |     0 |      6 |      6 |     - |1271k|   0 |   6 |   2 |   7 |   5 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 2 master-only (static) variables, and 3 linking constraints.
This decomposition has a maxwhite score of 0.166667.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1270k|   0 |   6 |   3 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1272k|   0 |   6 |   4 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      3 |      3 |     - |1274k|   0 |   6 |   4 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |  25.00%| 200.00%
   0.0s|     1 |     2 |      5 |      5 |     - |1278k|   0 |   6 |   4 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |  25.00%| 200.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +6.66666666666667e-01
Gap                : 200.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 3 linking constraints.
This decomposition has a maxwhite score of 0.083333.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1267k|   0 |   6 |   2 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1270k|   0 |   6 |   3 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1279k|   0 |   6 |   6 |   7 |   5 |   0 | 8.333333e-01 | 2.000000e+00 |  41.67%| 140.00%
   0.0s|     1 |     2 |     15 |     15 |     - |1284k|   0 |   6 |   6 |   7 |   5 |   0 | 8.333333e-01 | 2.000000e+00 |  41.67%| 140.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +8.33333333333333e-01
Gap                : 140.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 2 master-only (static) variables, and 3 linking constraints.
This decomposition has a maxwhite score of 0.166667.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1269k|   0 |   6 |   3 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1272k|   0 |   6 |   4 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1276k|   0 |   6 |   5 |   7 |   5 |   0 | 1.333333e+00 | 2.000000e+00 |  50.00%|  50.00%
   0.0s|     1 |     0 |      4 |      4 |     - |1274k|   0 |   6 |   4 |   7 |   5 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 3 linking constraints.
This decomposition has a maxwhite score of 0.083333.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1267k|   0 |   6 |   2 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1270k|   0 |   6 |   3 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1276k|   0 |   6 |   5 |   7 |   5 |   0 | 8.333333e-01 | 2.000000e+00 |  41.67%| 140.00%
   0.0s|     1 |     2 |     12 |     12 |     - |1282k|   0 |   6 |   5 |   7 |   5 |   0 | 8.333333e-01 | 2.000000e+00 |  41.67%| 140.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +8.33333333333333e-01
Gap                : 140.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 2 master-only (static) variables, and 3 linking constraints.
This decomposition has a maxwhite score of 0.166667.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1270k|   0 |   6 |   3 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1272k|   0 |   6 |   4 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1276k|   0 |   6 |   5 |   7 |   5 |   0 | 1.333333e+00 | 2.000000e+00 |  50.00%|  50.00%
   0.0s|     1 |     0 |      4 |      4 |     - |1274k|   0 |   6 |   4 |   7 |   5 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks and 3 linking constraints.
This decomposition has a maxwhite score of 0.000000.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1158k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1263k|   0 |   6 |   1 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1266k|   0 |   6 |   2 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      6 |      6 |     - |1289k|   0 |   6 |  10 |   7 |   5 |   0 | 1.500000e+00 | 2.000000e+00 |  75.00%|  33.33%
   0.0s|     1 |     0 |      6 |      6 |     - |1271k|   0 |   6 |   2 |   7 |   5 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 3 linking constraints.
This decomposition has a maxwhite score of 0.083333.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1267k|   0 |   6 |   2 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1270k|   0 |   6 |   3 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1276k|   0 |   6 |   5 |   7 |   5 |   0 | 8.333333e-01 | 2.000000e+00 |  37.50%| 140.00%
   0.0s|     1 |     2 |     14 |     14 |     - |1282k|   0 |   6 |   5 |   7 |   5 |   0 | 8.333333e-01 | 2.000000e+00 |  37.50%| 140.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +8.33333333333333e-01
Gap                : 140.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 3 linking constraints.
This decomposition has a maxwhite score of 0.083333.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1267k|   0 |   6 |   2 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1270k|   0 |   6 |   3 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1276k|   0 |   6 |   5 |   7 |   5 |   0 | 8.333333e-01 | 2.000000e+00 |  37.50%| 140.00%
   0.0s|     1 |     2 |     14 |     14 |     - |1282k|   0 |   6 |   5 |   7 |   5 |   0 | 8.333333e-01 | 2.000000e+00 |  37.50%| 140.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +8.33333333333333e-01
Gap                : 140.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks and 3 linking constraints.
This decomposition has a maxwhite score of 0.000000.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1158k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1263k|   0 |   6 |   1 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1266k|   0 |   6 |   2 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      5 |      5 |     - |1274k|   0 |   6 |   5 |   7 |   5 |   0 | 1.000000e+00 | 2.000000e+00 |  66.67%| 100.00%
   0.0s|     1 |     2 |     10 |     10 |     - |1281k|   0 |   6 |   5 |   7 |   5 |   0 | 1.000000e+00 | 2.000000e+00 |  66.67%| 100.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +1.00000000000000e+00
Gap                : 100.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks and 3 linking constraints.
This decomposition has a maxwhite score of 0.000000.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1158k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1263k|   0 |   6 |   1 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1266k|   0 |   6 |   2 |   7 |   5 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      3 |      3 |     - |1272k|   0 |   6 |   4 |   7 |   5 |   0 | 1.000000e+00 | 2.000000e+00 |  66.67%| 100.00%
   0.0s|     1 |     2 |      8 |      8 |     - |1279k|   0 |   6 |   4 |   7 |   5 |   0 | 1.000000e+00 | 2.000000e+00 |  66.67%| 100.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +1.00000000000000e+00
Gap                : 100.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 2 master-only (static) variables, and 2 linking constraints.
This decomposition has a maxwhite score of 0.222222.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1161k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1268k|   0 |   6 |   3 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1271k|   0 |   6 |   4 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      3 |      3 |     - |1272k|   0 |   6 |   4 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     2 |      5 |      5 |     - |1276k|   0 |   6 |   4 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +6.66666666666667e-01
Gap                : 200.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 2 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1265k|   0 |   6 |   2 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1268k|   0 |   6 |   3 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      2 |      2 |     - |1430k|   0 |   6 |   3 |   7 |   4 |   0 | 1.333333e+00 | 2.000000e+00 |  33.33%|  50.00%
   0.0s|     1 |     0 |      2 |      2 |     - |1430k|   0 |   6 |   3 |   7 |   4 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 2 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1265k|   0 |   6 |   2 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1268k|   0 |   6 |   3 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      2 |      2 |     - |1270k|   0 |   6 |   3 |   7 |   4 |   0 | 1.333333e+00 | 2.000000e+00 |  33.33%|  50.00%
   0.0s|     1 |     0 |      2 |      2 |     - |1270k|   0 |   6 |   3 |   7 |   4 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 2 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1265k|   0 |   6 |   2 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1268k|   0 |   6 |   3 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      2 |      2 |     - |1430k|   0 |   6 |   3 |   7 |   4 |   0 | 1.333333e+00 | 2.000000e+00 |  33.33%|  50.00%
   0.0s|     1 |     0 |      2 |      2 |     - |1430k|   0 |   6 |   3 |   7 |   4 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 2 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1265k|   0 |   6 |   2 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1268k|   0 |   6 |   3 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      2 |      2 |     - |1270k|   0 |   6 |   3 |   7 |   4 |   0 | 1.333333e+00 | 2.000000e+00 |  33.33%|  50.00%
   0.0s|     1 |     0 |      2 |      2 |     - |1270k|   0 |   6 |   3 |   7 |   4 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks and 2 linking constraints.
This decomposition has a maxwhite score of 0.000000.
Master problem is a set covering problem.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1158k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1261k|   0 |   6 |   1 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1264k|   0 |   6 |   2 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      2 |      2 |     - |1270k|   0 |   6 |   4 |   7 |   4 |   0 | 2.000000e+00 | 2.000000e+00 |  66.67%|   0.00%
   0.0s|     1 |     0 |      2 |      2 |     - |1266k|   0 |   6 |   2 |   7 |   4 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 2 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1265k|   0 |   6 |   2 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1268k|   0 |   6 |   3 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      3 |      3 |     - |1272k|   0 |   6 |   4 |   7 |   4 |   0 | 1.333333e+00 | 2.000000e+00 |  33.33%|  50.00%
   0.0s|     1 |     0 |      3 |      3 |     - |1269k|   0 |   6 |   3 |   7 |   4 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 2 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1265k|   0 |   6 |   2 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1268k|   0 |   6 |   3 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      3 |      3 |     - |1271k|   0 |   6 |   4 |   7 |   4 |   0 | 1.333333e+00 | 2.000000e+00 |  33.33%|  50.00%
   0.0s|     1 |     0 |      3 |      3 |     - |1269k|   0 |   6 |   3 |   7 |   4 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks and 2 linking constraints.
This decomposition has a maxwhite score of 0.000000.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1158k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1261k|   0 |   6 |   1 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1264k|   0 |   6 |   2 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1273k|   0 |   6 |   5 |   7 |   4 |   0 | 1.500000e+00 | 2.000000e+00 |  66.67%|  33.33%
   0.0s|     1 |     0 |      4 |      4 |     - |1266k|   0 |   6 |   2 |   7 |   4 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks and 2 linking constraints.
This decomposition has a maxwhite score of 0.000000.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1158k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1261k|   0 |   6 |   1 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1264k|   0 |   6 |   2 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1273k|   0 |   6 |   5 |   7 |   4 |   0 | 1.500000e+00 | 2.000000e+00 |  66.67%|  33.33%
   0.0s|     1 |     0 |      4 |      4 |     - |1266k|   0 |   6 |   2 |   7 |   4 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 2 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1265k|   0 |   6 |   2 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1268k|   0 |   6 |   3 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      3 |      3 |     - |1271k|   0 |   6 |   4 |   7 |   4 |   0 | 1.333333e+00 | 2.000000e+00 |  33.33%|  50.00%
   0.0s|     1 |     0 |      3 |      3 |     - |1269k|   0 |   6 |   3 |   7 |   4 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 2 linking constraints.
This decomposition has a maxwhite score of 0.111111.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1265k|   0 |   6 |   2 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1268k|   0 |   6 |   3 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      3 |      3 |     - |1272k|   0 |   6 |   4 |   7 |   4 |   0 | 1.333333e+00 | 2.000000e+00 |  33.33%|  50.00%
   0.0s|     1 |     0 |      3 |      3 |     - |1269k|   0 |   6 |   3 |   7 |   4 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks and 2 linking constraints.
This decomposition has a maxwhite score of 0.000000.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1158k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1261k|   0 |   6 |   1 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1264k|   0 |   6 |   2 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1273k|   0 |   6 |   5 |   7 |   4 |   0 | 1.500000e+00 | 2.000000e+00 |  66.67%|  33.33%
   0.0s|     1 |     0 |      4 |      4 |     - |1266k|   0 |   6 |   2 |   7 |   4 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks and 2 linking constraints.
This decomposition has a maxwhite score of 0.000000.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1158k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1261k|   0 |   6 |   1 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1264k|   0 |   6 |   2 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      4 |      4 |     - |1273k|   0 |   6 |   5 |   7 |   4 |   0 | 1.500000e+00 | 2.000000e+00 |  66.67%|  33.33%
   0.0s|     1 |     0 |      4 |      4 |     - |1266k|   0 |   6 |   2 |   7 |   4 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks and 2 linking constraints.
This decomposition has a maxwhite score of 0.000000.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1158k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1261k|   0 |   6 |   1 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1264k|   0 |   6 |   2 |   7 |   4 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      3 |      3 |     - |1271k|   0 |   6 |   4 |   7 |   4 |   0 | 1.000000e+00 | 2.000000e+00 |  55.56%| 100.00%
   0.0s|     1 |     2 |      8 |      8 |     - |1277k|   0 |   6 |   4 |   7 |   4 |   0 | 1.000000e+00 | 2.000000e+00 |  55.56%| 100.00%

SCIP Status        : solving was interrupted [node limit reached]
Solving Time (sec) : 0.02
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +1.00000000000000e+00
Gap                : 100.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 1 linking constraints.
This decomposition has a maxwhite score of 0.138889.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1264k|   0 |   6 |   2 |   7 |   3 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1267k|   0 |   6 |   3 |   7 |   3 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      2 |      2 |     - |1268k|   0 |   6 |   3 |   7 |   3 |   0 | 1.333333e+00 | 2.000000e+00 |   0.00%|  50.00%
   0.0s|     1 |     0 |      2 |      2 |     - |1269k|   0 |   6 |   3 |   7 |   3 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks, 1 master-only (static) variables, and 1 linking constraints.
This decomposition has a maxwhite score of 0.138889.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1160k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1264k|   0 |   6 |   2 |   7 |   3 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1267k|   0 |   6 |   3 |   7 |   3 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      2 |      2 |     - |1268k|   0 |   6 |   3 |   7 |   3 |   0 | 1.333333e+00 | 2.000000e+00 |   0.00%|  50.00%
   0.0s|     1 |     0 |      2 |      2 |     - |1269k|   0 |   6 |   3 |   7 |   3 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks and 1 linking constraints.
This decomposition has a maxwhite score of 0.000000.
Master problem is a set covering problem.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1158k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1260k|   0 |   6 |   1 |   7 |   3 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1263k|   0 |   6 |   2 |   7 |   3 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |     25 |      1 |     - |1266k|   0 |   6 |   2 |   7 |   3 |   0 | 2.000000e+00 | 2.000000e+00 |  50.00%|   0.00%
   0.0s|     1 |     0 |     25 |      1 |     - |1266k|   0 |   6 |   2 |   7 |   3 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks and 1 linking constraints.
This decomposition has a maxwhite score of 0.000000.
Master problem is a set covering problem.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1158k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1260k|   0 |   6 |   1 |   7 |   3 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1263k|   0 |   6 |   2 |   7 |   3 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |     25 |      1 |     - |1266k|   0 |   6 |   2 |   7 |   3 |   0 | 2.000000e+00 | 2.000000e+00 |  50.00%|   0.00%
   0.0s|     1 |     0 |     25 |      1 |     - |1266k|   0 |   6 |   2 |   7 |   3 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks and 1 linking constraints.
This decomposition has a maxwhite score of 0.000000.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1158k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1260k|   0 |   6 |   1 |   7 |   3 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1263k|   0 |   6 |   2 |   7 |   3 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      2 |      2 |     - |1267k|   0 |   6 |   3 |   7 |   3 |   0 | 2.000000e+00 | 2.000000e+00 |  50.00%|   0.00%
   0.0s|     1 |     0 |      2 |      2 |     - |1265k|   0 |   6 |   2 |   7 |   3 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks and 1 linking constraints.
This decomposition has a maxwhite score of 0.000000.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1158k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%


   0.0s|     1 |     0 |      0 |      0 |     - |1260k|   0 |   6 |   1 |   7 |   3 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
   0.0s|     1 |     0 |      0 |      0 |     - |1263k|   0 |   6 |   2 |   7 |   3 |   0 | 6.666667e-01 | 2.000000e+00 |   0.00%| 200.00%
Starting reduced cost pricing...
   0.0s|     1 |     0 |      2 |      2 |     - |1266k|   0 |   6 |   3 |   7 |   3 |   0 | 2.000000e+00 | 2.000000e+00 |  50.00%|   0.00%
   0.0s|     1 |     0 |      2 |      2 |     - |1264k|   0 |   6 |   2 |   7 |   3 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.01
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
sepa/basis/enable = FALSE
sepa/master/enable = FALSE
original problem has 6 variables (0 bin, 6 int, 0 impl, 0 cont) and 6 constraints
starting detection
 Consclassifier "nonzeros" yields a classification with 2  different constraint classes
 Consclassifier "constypes" yields a classification with 1 different constraint classes
 Consclassifier "constypes according to miplib" yields a classification with 2 different constraint classes
 Conspartition "constypes according to miplib" is not considered since it offers the same structure as "nonzeros" conspartition
 Consclassifier "gamsdomain" yields a classification with 1  different constraint classes
 Conspartition "gamsdomain" is not considered since it offers the same structure as "constypes" conspartition
 Consclassifier "gamssymbols" yields a classification with 1  different constraint classes
 Conspartition "gamssymbols" is not considered since it offers the same structure as "constypes" conspartition
 Varclassifier "gamsdomain" yields a classification with 1  different variable classes
 Varclassifier "gamssymbols" yields a classification with 1  different variable classes
 Varpartition "gamssymbols" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "vartypes" yields a classification with 1 different variable classes
 Varpartition "vartypes" is not considered since it offers the same structure as "gamsdomain"
 Varclassifier "varobjvals" yields a classification with 2 different variable classes
 Varclassifier "varobjvalsigns" yields a classification with 2 different variable classes
 Varpartition "varobjvalsigns" is not considered since it offers the same structure as "varobjvals"
start finding decompositions for original problem!
POSTPROCESSING of decompositions. Added 0 new decomps.
Found 1 finished decompositions.
Measured running time per detector:
Detector all_decomps_detector      worked on        1 finished decompositions and took a total time of      0.000
finished finding decompositions for original problem!
Detection Time: 0.00
there is an original decomposition and problem is not presolved yet -> disable presolving and start optimizing (rerun with presolve command before detect command for detecting in presolved problem)
presolving:
presolving (0 rounds: 0 fast, 0 medium, 0 exhaustive):
 0 deleted vars, 0 deleted constraints, 0 added constraints, 0 tightened bounds, 0 added holes, 0 changed sides, 0 changed coefficients
 0 implications, 0 cliques
presolved problem has 6 variables (6 bin, 0 int, 0 impl, 0 cont) and 6 constraints
      6 constraints of type <linear>
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00
 calculated translation; number of missing constraints: 0; number of other partialdecs: 2

A Dantzig-Wolfe reformulation is applied to solve the original problem.
Chosen structure has 1 blocks and 0 linking constraints.
This decomposition has a maxwhite score of 0.000000.
Matrix has 1 blocks, using 1 pricing problem.

  time | node  | left  |SLP iter|MLP iter|LP it/n| mem |mdpt |ovars|mvars|ocons|mcons|mcuts|  dualbound   | primalbound  |  deg   |  gap
p  0.0s|     1 |     0 |      0 |      0 |     - |1159k|   0 |   6 |   0 |   6 |   0 |   0 | 0.000000e+00 | 2.000000e+00 |   --   |    Inf
   0.0s|     1 |     0 |      0 |      0 |     - |1158k|   0 |   6 |   0 |   6 |   0 |   0 | 6.666667e-01 | 2.000000e+00 |   --   | 200.00%
Block diagonal structure detected, solving blocks individually.
There is an objective function offet of 0.000000.
Solving block 1.
presolving:
(round 1, fast)       0 del vars, 0 del conss, 0 add conss, 0 chg bounds, 0 chg sides, 2 chg coeffs, 0 upgd conss, 0 impls, 4 clqs
(round 2, medium)     3 del vars, 0 del conss, 0 add conss, 0 chg bounds, 0 chg sides, 2 chg coeffs, 0 upgd conss, 0 impls, 0 clqs
(round 3, fast)       5 del vars, 6 del conss, 0 add conss, 2 chg bounds, 2 chg sides, 2 chg coeffs, 0 upgd conss, 0 impls, 0 clqs
   (0.0s) probing cycle finished: starting next cycle
   (0.0s) symmetry computation started: requiring (bin +, int +, cont +), (fixed: bin -, int -, cont -)
   (0.0s) no symmetry present
presolving (4 rounds: 4 fast, 2 medium, 1 exhaustive):
 5 deleted vars, 6 deleted constraints, 0 added constraints, 2 tightened bounds, 0 added holes, 2 changed sides, 2 changed coefficients
 0 implications, 0 cliques
presolved problem has 1 variables (1 bin, 0 int, 0 impl, 0 cont) and 0 constraints
transformed objective value is always integral (scale: 1)
Presolving Time: 0.00

 time | node  | left  |LP iter|LP it/n|mem/heur|mdpt |vars |cons |rows |cuts |sepa|confs|strbr|  dualbound   | primalbound  |  gap   | compl.
t 0.0s|     1 |     0 |     0 |     - | trivial|   0 |   1 |   0 |   0 |   0 |  0 |   0 |   0 | 2.000000e+00 | 2.000000e+00 |   0.00%| unknown

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.00
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
   0.0s|     1 |     0 |      0 |      0 |     - |1217k|   0 |   6 |   0 |   7 |   0 |   0 | 2.000000e+00 | 2.000000e+00 |   --   |   0.00%

SCIP Status        : problem is solved [optimal solution found]
Solving Time (sec) : 0.00
Solving Nodes      : 1
Primal Bound       : +2.00000000000000e+00 (2 solutions)
Dual Bound         : +2.00000000000000e+00
Gap                : 0.00 %
Finished experiment!

Summary

With that we finished our little experiment and obtained the dual bounds of all possible reformulations. In a next step, we would evaluate the data that is stored in the results file.