diff --git a/circle_shell_and_generation/generate_data.py b/circle_shell_and_generation/generate_data.py new file mode 100644 index 0000000000000000000000000000000000000000..e0e4d245603c245983fe91a4dcf176c32366ab82 --- /dev/null +++ b/circle_shell_and_generation/generate_data.py @@ -0,0 +1,172 @@ +import argparse +import os +import numpy as np +from utils.data_utils import check_extension, save_dataset + + +def generate_tsp_data(dataset_size, tsp_size): + return np.random.uniform(size=(dataset_size, tsp_size, 2)).tolist() + + +def generate_vrp_data(dataset_size, vrp_size): + CAPACITIES = { + 10: 20., + 20: 30., + 50: 40., + 75: 45., + 100: 50. + } + theta = 2*np.pi * np.random.uniform(size = (dataset_size, vrp_size)) + data_point = 0.5*np.ones((dataset_size, vrp_size, 2)) + np.stack([ 0.5* np.cos(theta), 0.5* np.sin(theta)], axis = 2) + demand_point = CAPACITIES[vrp_size]/vrp_size* np.ones((dataset_size, vrp_size)) + + return list(zip( + (0.5*np.ones((dataset_size, 2))).tolist(), # Depot location + data_point.tolist(), # Node locations + demand_point.tolist(), # Demand, uniform integer 1 ... 9 + np.full(dataset_size, CAPACITIES[vrp_size]).tolist() # Capacity, same for whole dataset + )) + + +def generate_op_data(dataset_size, op_size, prize_type='const'): + depot = np.random.uniform(size=(dataset_size, 2)) + loc = np.random.uniform(size=(dataset_size, op_size, 2)) + + # Methods taken from Fischetti et al. 1998 + if prize_type == 'const': + prize = np.ones((dataset_size, op_size)) + elif prize_type == 'unif': + prize = (1 + np.random.randint(0, 100, size=(dataset_size, op_size))) / 100. + else: # Based on distance to depot + assert prize_type == 'dist' + prize_ = np.linalg.norm(depot[:, None, :] - loc, axis=-1) + prize = (1 + (prize_ / prize_.max(axis=-1, keepdims=True) * 99).astype(int)) / 100. + + # Max length is approximately half of optimal TSP tour, such that half (a bit more) of the nodes can be visited + # which is maximally difficult as this has the largest number of possibilities + MAX_LENGTHS = { + 20: 2., + 50: 3., + 100: 4. + } + + return list(zip( + depot.tolist(), + loc.tolist(), + prize.tolist(), + np.full(dataset_size, MAX_LENGTHS[op_size]).tolist() # Capacity, same for whole dataset + )) + + +def generate_pctsp_data(dataset_size, pctsp_size, penalty_factor=3): + depot = np.random.uniform(size=(dataset_size, 2)) + loc = np.random.uniform(size=(dataset_size, pctsp_size, 2)) + + # For the penalty to make sense it should be not too large (in which case all nodes will be visited) nor too small + # so we want the objective term to be approximately equal to the length of the tour, which we estimate with half + # of the nodes by half of the tour length (which is very rough but similar to op) + # This means that the sum of penalties for all nodes will be approximately equal to the tour length (on average) + # The expected total (uniform) penalty of half of the nodes (since approx half will be visited by the constraint) + # is (n / 2) / 2 = n / 4 so divide by this means multiply by 4 / n, + # However instead of 4 we use penalty_factor (3 works well) so we can make them larger or smaller + MAX_LENGTHS = { + 20: 2., + 50: 3., + 100: 4. + } + penalty_max = MAX_LENGTHS[pctsp_size] * (penalty_factor) / float(pctsp_size) + penalty = np.random.uniform(size=(dataset_size, pctsp_size)) * penalty_max + + # Take uniform prizes + # Now expectation is 0.5 so expected total prize is n / 2, we want to force to visit approximately half of the nodes + # so the constraint will be that total prize >= (n / 2) / 2 = n / 4 + # equivalently, we divide all prizes by n / 4 and the total prize should be >= 1 + deterministic_prize = np.random.uniform(size=(dataset_size, pctsp_size)) * 4 / float(pctsp_size) + + # In the deterministic setting, the stochastic_prize is not used and the deterministic prize is known + # In the stochastic setting, the deterministic prize is the expected prize and is known up front but the + # stochastic prize is only revealed once the node is visited + # Stochastic prize is between (0, 2 * expected_prize) such that E(stochastic prize) = E(deterministic_prize) + stochastic_prize = np.random.uniform(size=(dataset_size, pctsp_size)) * deterministic_prize * 2 + + return list(zip( + depot.tolist(), + loc.tolist(), + penalty.tolist(), + deterministic_prize.tolist(), + stochastic_prize.tolist() + )) + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument("--filename", help="Filename of the dataset to create (ignores datadir)") + parser.add_argument("--data_dir", default='data', help="Create datasets in data_dir/problem (default 'data')") + parser.add_argument("--name", type=str, required=True, help="Name to identify dataset") + parser.add_argument("--problem", type=str, default='all', + help="Problem, 'tsp', 'vrp', 'pctsp' or 'op_const', 'op_unif' or 'op_dist'" + " or 'all' to generate all") + parser.add_argument('--data_distribution', type=str, default='all', + help="Distributions to generate for problem, default 'all'.") + + parser.add_argument("--dataset_size", type=int, default=10000, help="Size of the dataset") + parser.add_argument('--graph_sizes', type=int, nargs='+', default=[10, 20, 50,75, 100], + help="Sizes of problem instances (default 20, 50, 100)") + parser.add_argument("-f", action='store_true', help="Set true to overwrite") + parser.add_argument('--seed', type=int, default=1234, help="Random seed") + + opts = parser.parse_args() + + assert opts.filename is None or (len(opts.problems) == 1 and len(opts.graph_sizes) == 1), \ + "Can only specify filename when generating a single dataset" + + distributions_per_problem = { + 'tsp': [None], + 'vrp': [None], + 'pctsp': [None], + 'op': ['const', 'unif', 'dist'] + } + if opts.problem == 'all': + problems = distributions_per_problem + else: + problems = { + opts.problem: + distributions_per_problem[opts.problem] + if opts.data_distribution == 'all' + else [opts.data_distribution] + } + + for problem, distributions in problems.items(): + for distribution in distributions or [None]: + for graph_size in opts.graph_sizes: + + datadir = os.path.join(opts.data_dir, problem) + os.makedirs(datadir, exist_ok=True) + + if opts.filename is None: + filename = os.path.join(datadir, "{}{}{}_{}_seed{}.pkl".format( + problem, + "_{}".format(distribution) if distribution is not None else "", + graph_size, opts.name, opts.seed)) + else: + filename = check_extension(opts.filename) + + assert opts.f or not os.path.isfile(check_extension(filename)), \ + "File already exists! Try running with -f option to overwrite." + + np.random.seed(opts.seed) + if problem == 'tsp': + dataset = generate_tsp_data(opts.dataset_size, graph_size) + elif problem == 'vrp': + dataset = generate_vrp_data( + opts.dataset_size, graph_size) + elif problem == 'pctsp': + dataset = generate_pctsp_data(opts.dataset_size, graph_size) + elif problem == "op": + dataset = generate_op_data(opts.dataset_size, graph_size, prize_type=distribution) + else: + assert False, "Unknown problem: {}".format(problem) + + print(dataset[0]) + + save_dataset(dataset, filename) diff --git a/circle_shell_and_generation/submit_dir/results.sh b/circle_shell_and_generation/submit_dir/results.sh new file mode 100644 index 0000000000000000000000000000000000000000..8c14d88e724f5283b820e63a8ae1b16181d62dd6 --- /dev/null +++ b/circle_shell_and_generation/submit_dir/results.sh @@ -0,0 +1,11 @@ +#!/bin/bash + +#SBATCH --job-name=results +#SBATCH -o log_line/results.out-%j +#SBATCH -c 10 +#SBATCH --gres=gpu:volta:1 +#SBATCH --time=200:00:00 # total run time limit (HH:MM:SS) + +module load anaconda/2022b + +python -u eval_sirui.py \ No newline at end of file diff --git a/circle_shell_and_generation/submit_dir/results2.sh b/circle_shell_and_generation/submit_dir/results2.sh new file mode 100644 index 0000000000000000000000000000000000000000..cf560e42ba5357fbf867f0c3f3f1c962f3ca1963 --- /dev/null +++ b/circle_shell_and_generation/submit_dir/results2.sh @@ -0,0 +1,11 @@ +#!/bin/bash + +#SBATCH --job-name=results +#SBATCH -o log_line/results.out-%j +#SBATCH -c 10 +#SBATCH --gres=gpu:volta:1 +#SBATCH --time=200:00:00 # total run time limit (HH:MM:SS) + +module load anaconda/2022b + +python -u alex_new.py \ No newline at end of file diff --git a/circle_shell_and_generation/submit_dir/results_0228_exp1.sh b/circle_shell_and_generation/submit_dir/results_0228_exp1.sh new file mode 100644 index 0000000000000000000000000000000000000000..b615a35cb2c35a35292d94efdbb433e70ca61f60 --- /dev/null +++ b/circle_shell_and_generation/submit_dir/results_0228_exp1.sh @@ -0,0 +1,11 @@ +#!/bin/bash + +#SBATCH --job-name=results +#SBATCH -o logs_test/results.out-%j +#SBATCH -c 10 +#SBATCH --gres=gpu:volta:1 +#SBATCH --time=200:00:00 # total run time limit (HH:MM:SS) + +module load anaconda/2022b + +python -u /home/gridsan/cpark/routing/alex_new_exp1.py \ No newline at end of file diff --git a/circle_shell_and_generation/submit_dir/vrp20.sh b/circle_shell_and_generation/submit_dir/vrp20.sh new file mode 100644 index 0000000000000000000000000000000000000000..9ec59d00c72cfb5e4356fa7c20fa3aba5ce1daaf --- /dev/null +++ b/circle_shell_and_generation/submit_dir/vrp20.sh @@ -0,0 +1,11 @@ +#!/bin/bash + +#SBATCH --job-name=vrp20 +#SBATCH -o log_line/vrp20.out-%j +#SBATCH -c 10 +#SBATCH --gres=gpu:volta:1 +#SBATCH --time=200:00:00 # total run time limit (HH:MM:SS) + +module load anaconda/2022b + +python -u run.py --graph_size 20 --problem cvrp --baseline rollout --run_name 'vrp20' --val_dataset /home/gridsan/cpark/routing/data/vrp/vrp20_validationline4_seed4321.pkl --log_dir log_line_test --run_dir run_line --output_dir outputs_line --num_input_augmentations 0 --num_equivariant_samples 0 diff --git a/circle_shell_and_generation/submit_dir/vrp20_circle.sh b/circle_shell_and_generation/submit_dir/vrp20_circle.sh new file mode 100644 index 0000000000000000000000000000000000000000..f54a0d86e22d409d70cf1af023f003d3eff447f6 --- /dev/null +++ b/circle_shell_and_generation/submit_dir/vrp20_circle.sh @@ -0,0 +1,11 @@ +#!/bin/bash + +#SBATCH --job-name=vrp20 +#SBATCH -o log_circle/vrp20.out-%j +#SBATCH -c 10 +#SBATCH --gres=gpu:volta:1 +#SBATCH --time=200:00:00 # total run time limit (HH:MM:SS) + +module load anaconda/2022b + +python -u run.py --graph_size 20 --problem cvrp --baseline rollout --run_name 'vrp20' --val_dataset /home/gridsan/cpark/routing/data/vrp/vrp20_validcircle_seed1234.pkl --log_dir log_circle_test --run_dir run_circle --output_dir outputs_circle --num_input_augmentations 0 --num_equivariant_samples 0 diff --git a/circle_shell_and_generation/submit_dir/vrp20eq2.sh b/circle_shell_and_generation/submit_dir/vrp20eq2.sh new file mode 100644 index 0000000000000000000000000000000000000000..5e3837adc2262557bac60bd53b08301c117139e9 --- /dev/null +++ b/circle_shell_and_generation/submit_dir/vrp20eq2.sh @@ -0,0 +1,11 @@ +#!/bin/bash + +#SBATCH --job-name=vrp20eq2 +#SBATCH -o log_line/vrp20eq2.out-%j +#SBATCH -c 10 +#SBATCH --gres=gpu:volta:1 +#SBATCH --time=200:00:00 # total run time limit (HH:MM:SS) + +module load anaconda/2022b + +python -u run.py --graph_size 20 --problem cvrp --baseline rollout --run_name 'vrp20eq2' --val_dataset /home/gridsan/cpark/routing/data/vrp/vrp20_validationline4_seed4321.pkl --log_dir log_line_test --run_dir run_line --output_dir outputs_line --num_input_augmentations 0 --num_equivariant_samples 2 diff --git a/circle_shell_and_generation/submit_dir/vrp20eq2_circle.sh b/circle_shell_and_generation/submit_dir/vrp20eq2_circle.sh new file mode 100644 index 0000000000000000000000000000000000000000..b2284152ce039399ae86772deca3b99a1c0aa2de --- /dev/null +++ b/circle_shell_and_generation/submit_dir/vrp20eq2_circle.sh @@ -0,0 +1,11 @@ +#!/bin/bash + +#SBATCH --job-name=vrp20eq2 +#SBATCH -o log_circle/vrp20eq2.out-%j +#SBATCH -c 10 +#SBATCH --gres=gpu:volta:1 +#SBATCH --time=200:00:00 # total run time limit (HH:MM:SS) + +module load anaconda/2022b + +python -u run.py --graph_size 20 --problem cvrp --baseline rollout --run_name 'vrp20eq2' --val_dataset /home/gridsan/cpark/routing/data/vrp/vrp20_validcircle_seed1234.pkl --log_dir log_circle_test --run_dir run_circle --output_dir outputs_circle --num_input_augmentations 0 --num_equivariant_samples 2 diff --git a/circle_shell_and_generation/submit_dir/vrp20eq4.sh b/circle_shell_and_generation/submit_dir/vrp20eq4.sh new file mode 100644 index 0000000000000000000000000000000000000000..381b4b41274c4bcb1a229f85f17248a43fd53be8 --- /dev/null +++ b/circle_shell_and_generation/submit_dir/vrp20eq4.sh @@ -0,0 +1,11 @@ +#!/bin/bash + +#SBATCH --job-name=vrp20eq4 +#SBATCH -o log_line/vrp20eq4.out-%j +#SBATCH -c 10 +#SBATCH --gres=gpu:volta:1 +#SBATCH --time=200:00:00 # total run time limit (HH:MM:SS) + +module load anaconda/2022b + +python -u run.py --graph_size 20 --problem cvrp --baseline rollout --run_name 'vrp20eq4' --val_dataset /home/gridsan/cpark/routing/data/vrp/vrp20_validationline4_seed4321.pkl --log_dir log_line_test --run_dir run_line --output_dir outputs_line --num_input_augmentations 0 --num_equivariant_samples 4 diff --git a/circle_shell_and_generation/submit_dir/vrp20eq4_circle.sh b/circle_shell_and_generation/submit_dir/vrp20eq4_circle.sh new file mode 100644 index 0000000000000000000000000000000000000000..efd9800d52508cc9fbc3825efaa234788fb9b283 --- /dev/null +++ b/circle_shell_and_generation/submit_dir/vrp20eq4_circle.sh @@ -0,0 +1,11 @@ +#!/bin/bash + +#SBATCH --job-name=vrp20eq4 +#SBATCH -o log_circle/vrp20eq4.out-%j +#SBATCH -c 10 +#SBATCH --gres=gpu:volta:1 +#SBATCH --time=200:00:00 # total run time limit (HH:MM:SS) + +module load anaconda/2022b + +python -u run.py --graph_size 20 --problem cvrp --baseline rollout --run_name 'vrp20eq4' --val_dataset /home/gridsan/cpark/routing/data/vrp/vrp20_validcircle_seed1234.pkl --log_dir log_circle_test --run_dir run_circle --output_dir outputs_circle --num_input_augmentations 0 --num_equivariant_samples 4 diff --git a/circle_shell_and_generation/submit_dir/vrp20input2.sh b/circle_shell_and_generation/submit_dir/vrp20input2.sh new file mode 100644 index 0000000000000000000000000000000000000000..75f4795f0e2afba92c00f09950e59774f667931b --- /dev/null +++ b/circle_shell_and_generation/submit_dir/vrp20input2.sh @@ -0,0 +1,11 @@ +#!/bin/bash + +#SBATCH --job-name=vrp20inputaug2 +#SBATCH -o log_line/vrp20inputaug2.out-%j +#SBATCH -c 10 +#SBATCH --gres=gpu:volta:1 +#SBATCH --time=200:00:00 # total run time limit (HH:MM:SS) + +module load anaconda/2022b + +python -u run.py --graph_size 20 --problem cvrp --baseline rollout --run_name 'vrp20inputaug2' --val_dataset /home/gridsan/cpark/routing/data/vrp/vrp20_validationline4_seed4321.pkl --log_dir log_line_test --run_dir run_line --output_dir outputs_line --num_input_augmentations 2 --num_equivariant_samples 0 diff --git a/circle_shell_and_generation/submit_dir/vrp20input2_circle.sh b/circle_shell_and_generation/submit_dir/vrp20input2_circle.sh new file mode 100644 index 0000000000000000000000000000000000000000..2131a81144cf30a91761d04c0c258bdd047cb73c --- /dev/null +++ b/circle_shell_and_generation/submit_dir/vrp20input2_circle.sh @@ -0,0 +1,11 @@ +#!/bin/bash + +#SBATCH --job-name=vrp20inputaug2 +#SBATCH -o log_circle/vrp20inputaug2.out-%j +#SBATCH -c 10 +#SBATCH --gres=gpu:volta:1 +#SBATCH --time=200:00:00 # total run time limit (HH:MM:SS) + +module load anaconda/2022b + +python -u run.py --graph_size 20 --problem cvrp --baseline rollout --run_name 'vrp20inputaug2' --val_dataset /home/gridsan/cpark/routing/data/vrp/vrp20_validcircle_seed1234.pkl --log_dir log_circle_test --run_dir run_circle --output_dir outputs_circle --num_input_augmentations 2 --num_equivariant_samples 0 diff --git a/circle_shell_and_generation/submit_dir/vrp20input2eq2.sh b/circle_shell_and_generation/submit_dir/vrp20input2eq2.sh new file mode 100644 index 0000000000000000000000000000000000000000..6504c9ec38afa01ae3f4bd83ec188b1355312c33 --- /dev/null +++ b/circle_shell_and_generation/submit_dir/vrp20input2eq2.sh @@ -0,0 +1,11 @@ +#!/bin/bash + +#SBATCH --job-name=vrp20input2eq2 +#SBATCH -o log_line/vrp20input2eq2.out-%j +#SBATCH -c 10 +#SBATCH --gres=gpu:volta:1 +#SBATCH --time=200:00:00 # total run time limit (HH:MM:SS) + +module load anaconda/2022b + +python -u run.py --graph_size 20 --problem cvrp --baseline rollout --run_name 'vrp20input2eq2' --val_dataset /home/gridsan/cpark/routing/data/vrp/vrp20_validationline4_seed4321.pkl --log_dir log_line_test --run_dir run_line --output_dir outputs_line --num_input_augmentations 2 --num_equivariant_samples 2 diff --git a/circle_shell_and_generation/submit_dir/vrp20input2eq2_circle.sh b/circle_shell_and_generation/submit_dir/vrp20input2eq2_circle.sh new file mode 100644 index 0000000000000000000000000000000000000000..8f9c1efd57517a6a40231ba950bd752ad56e0a95 --- /dev/null +++ b/circle_shell_and_generation/submit_dir/vrp20input2eq2_circle.sh @@ -0,0 +1,11 @@ +#!/bin/bash + +#SBATCH --job-name=vrp20input2eq2 +#SBATCH -o log_circle/vrp20input2eq2.out-%j +#SBATCH -c 10 +#SBATCH --gres=gpu:volta:1 +#SBATCH --time=200:00:00 # total run time limit (HH:MM:SS) + +module load anaconda/2022b + +python -u run.py --graph_size 20 --problem cvrp --baseline rollout --run_name 'vrp20input2eq2' --val_dataset /home/gridsan/cpark/routing/data/vrp/vrp20_validcircle_seed1234.pkl --log_dir log_circle_test --run_dir run_circle --output_dir outputs_circle --num_input_augmentations 2 --num_equivariant_samples 2 diff --git a/circle_shell_and_generation/submit_dir/vrp20input5.sh b/circle_shell_and_generation/submit_dir/vrp20input5.sh new file mode 100644 index 0000000000000000000000000000000000000000..f83d497d019afb2fd296ad0bc775c372175b29a1 --- /dev/null +++ b/circle_shell_and_generation/submit_dir/vrp20input5.sh @@ -0,0 +1,11 @@ +#!/bin/bash + +#SBATCH --job-name=vrp20inputaug5 +#SBATCH -o log_line/vrp20inputaug5.out-%j +#SBATCH -c 10 +#SBATCH --gres=gpu:volta:1 +#SBATCH --time=200:00:00 # total run time limit (HH:MM:SS) + +module load anaconda/2022b + +python -u run.py --graph_size 20 --problem cvrp --baseline rollout --run_name 'vrp20inputaug5' --val_dataset /home/gridsan/cpark/routing/data/vrp/vrp20_validationline4_seed4321.pkl --log_dir log_line_test --run_dir run_line --output_dir outputs_line --num_input_augmentations 5 --num_equivariant_samples 0 diff --git a/circle_shell_and_generation/submit_dir/vrp20input5_circle.sh b/circle_shell_and_generation/submit_dir/vrp20input5_circle.sh new file mode 100644 index 0000000000000000000000000000000000000000..a8cab3191639cef5a133a07703cfe3fdd0c219c0 --- /dev/null +++ b/circle_shell_and_generation/submit_dir/vrp20input5_circle.sh @@ -0,0 +1,11 @@ +#!/bin/bash + +#SBATCH --job-name=vrp20inputaug5 +#SBATCH -o log_circle/vrp20inputaug5.out-%j +#SBATCH -c 10 +#SBATCH --gres=gpu:volta:1 +#SBATCH --time=200:00:00 # total run time limit (HH:MM:SS) + +module load anaconda/2022b + +python -u run.py --graph_size 20 --problem cvrp --baseline rollout --run_name 'vrp20inputaug5' --val_dataset /home/gridsan/cpark/routing/data/vrp/vrp20_validcircle_seed1234.pkl --log_dir log_circle_test --run_dir run_circle --output_dir outputs_circle --num_input_augmentations 5 --num_equivariant_samples 0 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-51.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-51.pt new file mode 100644 index 0000000000000000000000000000000000000000..a6eb468b20312c1c4465090f062b6a37bb3b259a --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-51.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2e9822b195bb44e60328515610adfe1b230b84fd9cca5eedd9575fb8a71653bd +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-52.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-52.pt new file mode 100644 index 0000000000000000000000000000000000000000..1500b18db6aa30b0db06b745f79877b9787e1966 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-52.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:168818f9e7e6f897daee06538bb33c22ab336aeee185cd564f9025a5e8f334b1 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-53.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-53.pt new file mode 100644 index 0000000000000000000000000000000000000000..b873c3b34826b953a67d9e92e49bf803f86b8169 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-53.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a093455356c201225d046bc46382052e2889c2c832cb6bd020a88935d1dbdec +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-54.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-54.pt new file mode 100644 index 0000000000000000000000000000000000000000..870e1d411f123d7eba1e2904afceefeba282ab31 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-54.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:838e58a1235f2ea6bc44afec13c41bccba444a3e56b6a01701290d94a4df2550 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-55.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-55.pt new file mode 100644 index 0000000000000000000000000000000000000000..ec973e924c29826c9a3500ca0fd289eb2a5c1b1d --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-55.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:53b462a39b606a1154633c96bb17bb27a5916dc76873a034c07bf430b645a240 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-56.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-56.pt new file mode 100644 index 0000000000000000000000000000000000000000..6202865f25faccae6b9653751b37e3f88847097d --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-56.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2c3a7e3dd2353447a8f0d385286276f0c328021f6e4d68e6f085af4da22fee5a +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-57.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-57.pt new file mode 100644 index 0000000000000000000000000000000000000000..573a6e83d48ecb03a9cbaf897e6daad844a7d003 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-57.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a9606b698642d026417f744f1d17518cd723d21a469dfd7e5dfb2b26f18c19f4 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-58.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-58.pt new file mode 100644 index 0000000000000000000000000000000000000000..dc0a9f5feb0792b974fd2bd00d73270eef05de8c --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-58.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:103dce6fb9eb38c0b6d0a74982a47ee3d5e42fa9f32f1e62b2ba22894666f504 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-59.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-59.pt new file mode 100644 index 0000000000000000000000000000000000000000..7103c4b66cc43efc4445b7136dfc2bbde119f97b --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-59.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18a5673d1c0388bf70e4eb8f3dda8889d3b9de2f44c6b03a0defe06a56c744b3 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-6.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-6.pt new file mode 100644 index 0000000000000000000000000000000000000000..1c22070494a562eab977bf6e5d401e8423ea673e --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-6.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd6f2ddbfe9021b398dd50eee518fdcf6518f3d54a107ffff270dac3511bf5aa +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-60.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-60.pt new file mode 100644 index 0000000000000000000000000000000000000000..7ba41a31e8d1c69248218f504435c98eefa48cf9 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-60.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b4fe0f212bc4f0d1a559d1768f0793d09e255439d91fc15fc445594b4625a59 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-61.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-61.pt new file mode 100644 index 0000000000000000000000000000000000000000..6dd72a46786b0d494e276e2b1ddb844030e32e58 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-61.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dbdeae5d4ebf1d7b92a711d0bb3999cdff1f92a12a3c7ab79a7538be5604ee35 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-62.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-62.pt new file mode 100644 index 0000000000000000000000000000000000000000..ffdf700d2fec1b4c793c127705089457866a14c4 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-62.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:569673aef4fe223930d62a3c27e038177153e8e39ef19f245df4b79e2671d0dc +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-63.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-63.pt new file mode 100644 index 0000000000000000000000000000000000000000..9825f8a7c64b7b7d2136cf09b517a7ca3da5d2f7 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-63.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7d4297c568ef3032b1bf90a5648d5f4de00cc44df6ffa914042c8a1d4fa595b7 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-64.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-64.pt new file mode 100644 index 0000000000000000000000000000000000000000..983b6a372598503cf9eef302efa707f46ae9a429 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-64.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85134f4753c0dd8fde18dbc363cfbf20ca8ce39763ad23bb6d77ce994735cbbc +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-65.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-65.pt new file mode 100644 index 0000000000000000000000000000000000000000..1d487ce2e1a32182b864a06ebdd7962194cfebb9 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-65.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:047b4aa2b124ea89ece4099dc479d301321a3c9bcc17e9cc1965bad0187b8f5c +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-66.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-66.pt new file mode 100644 index 0000000000000000000000000000000000000000..a49fa983190605361442d9d88c3527476d0d7d5a --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-66.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:897f8bba17b00127a3ece5ca95c961e1305da53bf62f4eff98bfe9eac830216c +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-67.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-67.pt new file mode 100644 index 0000000000000000000000000000000000000000..a635ab52ed2be4c2cd3dd2c085139b16259c21d4 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-67.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b3945af8a0503002eef8a9042771c510fc161c3dae0bc12f0e01bb08403d9fe6 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-68.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-68.pt new file mode 100644 index 0000000000000000000000000000000000000000..2a7a06cfd0af4b029f844dbf0154f0c9cb3ed90d --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-68.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30872e2921e3daaa3932cb912f3c212d1c7239c3cbdf1a3423199a36cfd9afb2 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-69.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-69.pt new file mode 100644 index 0000000000000000000000000000000000000000..a57354c7180b7e8665eae6a95aa7ecac4bb3b5fc --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-69.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:18a87207cd70551d83d76cd2214479d8d3f5f5679df8f158ba6c541134d0fdd5 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-7.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-7.pt new file mode 100644 index 0000000000000000000000000000000000000000..b4a0c8ecdc7b82f486de7e6fbb474c4671cd40cd --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-7.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d80385ecacca066c3912f35daa387130cbe5696ea48e06a02c2a832130e207c7 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-70.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-70.pt new file mode 100644 index 0000000000000000000000000000000000000000..f2dd2403ae110971a42e661797ace1ea7d0a94bd --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-70.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51824c2019e446eca9056e9f2b41504566c3397f97221de5f38f9f1bfbf51f23 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-71.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-71.pt new file mode 100644 index 0000000000000000000000000000000000000000..677e0730d02a1dbb93fef19aa92b1ae284bc9e77 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-71.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:850e7f2d8c1fcfed06638a7601aeb1c135479699e7caf4b02eea2fc9f8ea25b6 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-72.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-72.pt new file mode 100644 index 0000000000000000000000000000000000000000..6b65dbc6a7070868052fd7440170370bf13f2467 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-72.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4930f2903ac53daeaad772519b6ea2eac4f6373993fc7f409b016f1f7006a7e0 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-73.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-73.pt new file mode 100644 index 0000000000000000000000000000000000000000..da01a664ffd85cf50ac41e07704cee006ee609a8 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-73.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b5372662deb08c6529ca218a2d4181620aa0905c5b4ff10f1b14bdc3edb53a0 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-74.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-74.pt new file mode 100644 index 0000000000000000000000000000000000000000..2a62448b6b0dd431d53411da183e9a62db83795d --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-74.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86885578848a1a6104dec143186ba8ee723298168480fe3513113e57c4907b26 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-75.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-75.pt new file mode 100644 index 0000000000000000000000000000000000000000..d0371b84883c5a8b7608d73e209bc904733e8301 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-75.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dbb4d8b83afe541cde2906358ab8e990ec842ef9fb0e8a4e29c5a2e076eeb965 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-76.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-76.pt new file mode 100644 index 0000000000000000000000000000000000000000..694c7b760c98c2a905d3e94a4d41d8359ede8791 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-76.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fdc422144b7063e72276d4ea50abf01771a9c80e3ab4cc932176564f74bcf933 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-77.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-77.pt new file mode 100644 index 0000000000000000000000000000000000000000..0c1f10cf2301cf322bd94e68c1ea8e4e9485bd89 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-77.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:04808002d396771e8ba19b695ce563b2b31c79dfa55bc1b9e0e5080197413df0 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-78.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-78.pt new file mode 100644 index 0000000000000000000000000000000000000000..a8f8b65679ef9cd83d2c153e89737877426c765b --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-78.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b412622a790dd1452946bf64716d24ed1ee27b55b56bfa18ce981f906112acf +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-79.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-79.pt new file mode 100644 index 0000000000000000000000000000000000000000..cb43967760966fcc2142f5c208e05c8636e6cc95 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-79.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a95d9c533fab3fb692a80a62f299d5131134abbc99fd230edc94a9aa06ec9d8 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-8.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-8.pt new file mode 100644 index 0000000000000000000000000000000000000000..2fc3b505ce9a1866eacadb80e4b023931a10b57e --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-8.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:981087d36e209d28a2850f5625bcb4f41016335113eb20b0601bc64ae53f7733 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-80.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-80.pt new file mode 100644 index 0000000000000000000000000000000000000000..219aa501928fa557db2ce42972f5f2b0063e5a82 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-80.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:589e3552ae8da86c3e037cf36c9140fc2b1eedafe238136f72e4eaae1f60484b +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-81.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-81.pt new file mode 100644 index 0000000000000000000000000000000000000000..86321dd712037d52a536fc73109456bda63c0172 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-81.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1c717aea70dfb7bc2e3fb7b573cdcf978c7008abd22f7944f0710ebec368a66 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-82.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-82.pt new file mode 100644 index 0000000000000000000000000000000000000000..6ec0459e482b3fc70537cbb9d3e8e310348e7ce1 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-82.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ddcb288039cc602dfac77ef488509160363779c8d15d68d55141baedc5795a0 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-83.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-83.pt new file mode 100644 index 0000000000000000000000000000000000000000..8bad9d3120929a63b285992b32b86f5fec4cc55f --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-83.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49992df582c5f65927e3cacb9ea2a5406faa03642aae7a38b9b6cf9a03b7d75d +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-84.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-84.pt new file mode 100644 index 0000000000000000000000000000000000000000..7a9001a5364580d9cd01fb9a2c0fbdb1fd2f6b94 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-84.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c9c5ab20f20410e9979e5b1bb7f89191901781f19c8ee1fd7b7056eb8d102c81 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-85.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-85.pt new file mode 100644 index 0000000000000000000000000000000000000000..539e1ecf8b7f1b23c479e07a8b89e984db79546f --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-85.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:78657a0441b3035bc72fdf2844da7b314a4b68bb8e7ded175ac129676b856ba3 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-86.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-86.pt new file mode 100644 index 0000000000000000000000000000000000000000..f664c24ee9e4fa598beb5acd9f1391f6c7cab86f --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-86.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6db977af9018c9e836d7836012378e25ae19a79a40b63539f34c2f56900ab841 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-87.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-87.pt new file mode 100644 index 0000000000000000000000000000000000000000..fc2e0687ccf458bab1ddeae08ba8aebf616e7d1d --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-87.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:85be5dc2bc1cafd88af3a8950b111a6bbe9fe955d7a39d36be2495f678871688 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-88.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-88.pt new file mode 100644 index 0000000000000000000000000000000000000000..aa9b25b83c03d73ec06e1f0961333e4602e0cdbc --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-88.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05cd94f7c110531b3d2df823f929381bd64d587deb4ce1a585d08f8f6cb54bc4 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-89.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-89.pt new file mode 100644 index 0000000000000000000000000000000000000000..1aec3e712f91c1f1a61bd529f23ed372bd2924d7 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-89.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:57ed7a68282b03a08b16dee1556f09a025be3a695007def24fc31ec3f95d4c15 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-9.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-9.pt new file mode 100644 index 0000000000000000000000000000000000000000..a33b379099bfdefa567c2f56a3e0d32394ccdc3e --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-9.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7118f1b4efbb165de90893ee5cf0755014dd0381d3848380f59c78c9fc31aac1 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-90.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-90.pt new file mode 100644 index 0000000000000000000000000000000000000000..a7a011b4793b2f1f5f920c33e530fd42f31ac8e0 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-90.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eea962dfc137f64af28e40c5591f5acadf1d6629150cdc14dc7159cb2b88925c +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-91.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-91.pt new file mode 100644 index 0000000000000000000000000000000000000000..d7fc327fec017ed9598c88e7b8498279ed27f76f --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-91.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2dc920ca1463ea5dc05bd26528f5c83d24721ce106575e63760ddc926c95b9d0 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-92.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-92.pt new file mode 100644 index 0000000000000000000000000000000000000000..f162626af17e85dd9d6aade2fcff1491cc3f5f66 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-92.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19ba00f6a5228e6702e7c64f7cd0081408e481677efddad10113bc59921a0c2d +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-93.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-93.pt new file mode 100644 index 0000000000000000000000000000000000000000..d3bdfe3e1afb333f0306227995cd54472be1aa6c --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-93.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e5a76c6a5c37c52293935468b8941d209b9a63f531a67abe9cf9a7c2eb7d33d +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-94.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-94.pt new file mode 100644 index 0000000000000000000000000000000000000000..34719a96945d3cca121b63fe4cac31360ca51d02 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-94.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9569fc6a15235938b66897858aadfb3049d0fe202dc6696da85f970c5d9ce17 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-95.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-95.pt new file mode 100644 index 0000000000000000000000000000000000000000..5759b691a6e6c294461b545bc995ef4a06547bfc --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-95.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5806bd9ba3738301450f1f2fe4040ddb7744ad73339153e8e7fb6fcc214fd39b +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-96.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-96.pt new file mode 100644 index 0000000000000000000000000000000000000000..7fec3f97aeb2e7fcd274bd37ea52b81c0585a3b8 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-96.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:74e12e70af1df1866adb76d7a133e7115c59429010df80323f3accfdbf28e000 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-97.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-97.pt new file mode 100644 index 0000000000000000000000000000000000000000..6a27a87c5daefa2fd2f03fdd492cdf050cd566e4 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-97.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:27b2a6b9e6ac76193e62a8dad88a2a35613bd9ccdd9b1d4a7b8bb4c748803c77 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-98.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-98.pt new file mode 100644 index 0000000000000000000000000000000000000000..1fc97746008afcdfc3a90584520bb6b56eb41aca --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-98.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:069dcba086cb33465afb422b2e3be3db78bf57ff97ec8aabd66060d6708e47ed +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-99.pt b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-99.pt new file mode 100644 index 0000000000000000000000000000000000000000..6f8d949f55a3a59b67c87741eff83100684b4638 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20input2eq2_20230221T094547/epoch-99.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1f7a820a748059ef5f532107245a6962d3ebf9612de156fd3fc7e2f22d0d6725 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/args.json b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/args.json new file mode 100644 index 0000000000000000000000000000000000000000..6bb729b7b70aba4a08eb320eb4e83c8202fd3432 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/args.json @@ -0,0 +1,64 @@ +{ + "problem": "cvrp", + "graph_size": 20, + "batch_size": 512, + "epoch_size": 1280000, + "val_size": 10000, + "val_dataset": "/home/gridsan/cpark/routing/data/vrp/vrp20_validcircle_seed1234.pkl", + "model": "attention", + "embedding_dim": 128, + "hidden_dim": 128, + "n_encode_layers": 3, + "tanh_clipping": 10.0, + "normalization": "batch", + "lr_model": 0.0001, + "lr_critic": 0.0001, + "lr_decay": 1.0, + "eval_only": false, + "n_epochs": 100, + "seed": 1234, + "max_grad_norm": 1.0, + "no_cuda": false, + "exp_beta": 0.8, + "baseline": "rollout", + "bl_alpha": 0.05, + "bl_warmup_epochs": 1, + "eval_batch_size": 1024, + "checkpoint_encoder": false, + "shrink_size": null, + "data_distribution": null, + "log_step": 50, + "log_dir": "log_circle_test", + "run_dir": "run_circle", + "run_name": "vrp20inputaug2_20230221T092551", + "output_dir": "outputs_circle", + "image_dir": "images", + "epoch_start": 0, + "checkpoint_epochs": 1, + "load_path": null, + "resume": null, + "no_tensorboard": false, + "no_progress_bar": false, + "use_symmetry_ll": false, + "supervise_symmetry": false, + "restrict_symmetry": false, + "angle_threshold": 0.5, + "alternate": false, + "alternate_freq": 5, + "plot_freq": 0, + "alex_symmetric_loss": false, + "both_losses": false, + "plot_symmetric_ll": false, + "cap_50": 40, + "decay_mode": -1, + "num_equivariant_samples": 0, + "supervise_lambda": 0.01, + "use_starts": false, + "label_aug": false, + "num_input_augmentations": 2, + "wandb_run_name": "run", + "use_cuda": true, + "variant_name": "org", + "save_dir": "outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551", + "plot_dir": "images/cvrp_20/org/vrp20inputaug2_20230221T092551" +} \ No newline at end of file diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-0.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-0.pt new file mode 100644 index 0000000000000000000000000000000000000000..75dcd12e75a018ff00bdb7b7d9e38e08fdccd4a0 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-0.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10a2d532877000c040cbf04e31012e8166d21c68d885711f0b8a2166e19a31ff +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-1.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-1.pt new file mode 100644 index 0000000000000000000000000000000000000000..f15977f68df6a105a83a047e98238ec7a2874006 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-1.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fab6117b59616c5738333138a3056ec0c6b69f9fb54df6c356ba810132da6a6e +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-10.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-10.pt new file mode 100644 index 0000000000000000000000000000000000000000..25a8aa2a531c7d2ef60ca65de86f148284b72bad --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-10.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33e6aa359fe752a8d5249f1dd584aaa7db916dcf9a4ef5185e1e5ddbf5275af3 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-11.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-11.pt new file mode 100644 index 0000000000000000000000000000000000000000..a7af73ec2ea0fd18738c1eec30ae2f4b63f8f74f --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-11.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f747ae431e5dbc35673f72a63ab66fd94839d6ca4de165aeef6c1132ee8e939 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-12.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-12.pt new file mode 100644 index 0000000000000000000000000000000000000000..f2806ca95aab7402070e30d0040baa5ab481f551 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-12.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e48b39b5e4eb7e4fc42403ed68b24e266bd469513be881072e0b6e0fc153cd6c +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-13.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-13.pt new file mode 100644 index 0000000000000000000000000000000000000000..89eb20ae05b2b0e7d4cc3055b4fa2e45e17ea401 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-13.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f61dba46ef42bd89230ac7ddc025b63d7ffb1086a1b95c39176b00c036c05fb9 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-14.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-14.pt new file mode 100644 index 0000000000000000000000000000000000000000..3302234841b189ae2c0f8a9db3084d3cf75a1930 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-14.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd67c389f468e3564447f138fc7dbbb1b1d7d8dc5faf6165eaf9e86411d654f9 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-15.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-15.pt new file mode 100644 index 0000000000000000000000000000000000000000..6a86ae24078b0b39f24255763cd881118b18cc4b --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-15.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:661221550528995de8ce3752d04439414f7405d5079601ce113297095e382b05 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-16.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-16.pt new file mode 100644 index 0000000000000000000000000000000000000000..51d0ec8233d6b4edf90489305eb0817b9b1982b1 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-16.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95ced0d2ec9d0799bdca54d7f63632ea82c07ee170b9b23e1c408fdb01604446 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-17.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-17.pt new file mode 100644 index 0000000000000000000000000000000000000000..84b25e2fa0225be748be31efae682a4992c36fb1 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-17.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35bdac7ee48f4766a95e1199d5c6beb942971432220048f5ffc50a714ea5e10e +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-18.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-18.pt new file mode 100644 index 0000000000000000000000000000000000000000..ce5b52a241878a452c17032fa3f7128cc6ac7cc4 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-18.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:031ebf2ad07ccc5ed6f276f9c026856fe25b73041a27dede70f1f14d7573a802 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-19.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-19.pt new file mode 100644 index 0000000000000000000000000000000000000000..7a5bd87d141c53b32a133ccb3421c42c48c37f46 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-19.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:149dd8da73c3c49d4307525699f5762c61f9ca1fc7233329abc301200019b508 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-2.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-2.pt new file mode 100644 index 0000000000000000000000000000000000000000..5c9146dc1679c4028f1d46393e4d0df0b68af5f1 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-2.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b52b36a34a8dfcce2f1f50bc95661b3369680fc6769e5d19031b582271ddddc +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-20.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-20.pt new file mode 100644 index 0000000000000000000000000000000000000000..aedb422f64604bfff5233455c9d4fcff79e96c59 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-20.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e03d31b3201897ce0b0da2069be665d6bc33295b05a6b5d2a85ce685066e9df0 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-21.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-21.pt new file mode 100644 index 0000000000000000000000000000000000000000..88c940302f6140b7fd2a1ffb1c6d309681ddd8b4 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-21.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd675bde41bd9a9202e16bfa7151fe6e524ea8b45764cad103d169a316b03794 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-22.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-22.pt new file mode 100644 index 0000000000000000000000000000000000000000..b22c1bc298639d5dee78543685e967988b2a5b0f --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-22.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ce79c2011c2bc27afda223956606a45692e6db8858c05cc7289fe71cc91fd9a +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-23.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-23.pt new file mode 100644 index 0000000000000000000000000000000000000000..13702adb0a9502047745aa4052f1eab1842f2470 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-23.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24aa44e80471341764ffa2fe1a648ee8984c8f835d396d20ed064d0f086b09d5 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-24.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-24.pt new file mode 100644 index 0000000000000000000000000000000000000000..9d4e078f413e54d3a6d7f620ad5b1c6e4d0cc59a --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-24.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f26090304a953a6223b2784e3bde3f42f03f386b831d0d18ab3bf8c7f417db4b +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-25.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-25.pt new file mode 100644 index 0000000000000000000000000000000000000000..3f9147f2df00a9026dbff918ecfb840bbd83360f --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-25.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83a064f884606ebae0f7a7f6c9bff348e5ddcf3c8f7d13b162be9a4c63eb3d27 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-26.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-26.pt new file mode 100644 index 0000000000000000000000000000000000000000..6d656029653622ea282aab6b2662eec68372b8b2 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-26.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c1f828a0531f695e5362166ac160ac9a502a8894a95ed0e3d2d1601108d1f31 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-27.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-27.pt new file mode 100644 index 0000000000000000000000000000000000000000..b114aa22c2c96a1ac9d7f3382a62c41dc8d64e55 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-27.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51c4114773bd7add345426f83642f56b3e2021442d5daebe75fab83ece57c409 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-28.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-28.pt new file mode 100644 index 0000000000000000000000000000000000000000..49e16980ebccfa539d6977285be4b4b34a086157 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-28.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90b365ccae08982edf557eb778795012bfd2b8cf0372bf876203944bcc14968f +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-29.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-29.pt new file mode 100644 index 0000000000000000000000000000000000000000..cbc2bfe5e184c89236fa5cd1e52b577c729d6c62 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-29.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47a2d9ba62e938244dba3769149662cccd8575c69b558e56217144d5b7224f08 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-3.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-3.pt new file mode 100644 index 0000000000000000000000000000000000000000..23919e747139de5dcb5fe08bb0b7df52699ff79d --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-3.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a2817534f267ae4c11d2e2e401f32936d9bddfeb0318b765660d52d69a744cf +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-30.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-30.pt new file mode 100644 index 0000000000000000000000000000000000000000..82e83d7c86001c8c452fcf97b14c076a8d9a6be0 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-30.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3147479a31f01f0222c426080282a48b3f8b5165d3d4600425646ce3d9ef139f +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-31.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-31.pt new file mode 100644 index 0000000000000000000000000000000000000000..0405a145b0fdc0a8b9f3d6f0906d53335d7c8a75 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-31.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ab489afc73a88487bfbbe0653e8ebc1f8a3be147e137739e8ce99f16ed334fe +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-32.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-32.pt new file mode 100644 index 0000000000000000000000000000000000000000..52e85fd8ffe58e05b46361a55fd8e244c15e36b7 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-32.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a4ea92f47444f23e2f500e5c92f5b56bb12441d87dfdd943215434ea79d1bee +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-33.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-33.pt new file mode 100644 index 0000000000000000000000000000000000000000..ae33e0fe0dec05c9f3a60fa906eb3b0184bb2c8b --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-33.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2fce7d6844ef277c45a3835747872430dad2149fbb34bcf52c21f72cb0f894a8 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-34.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-34.pt new file mode 100644 index 0000000000000000000000000000000000000000..f61948e97d8d3ef02302a5b94508b3c299c6c4d3 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-34.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24b7574f48afba759fff929bddc1855bd70f64862a617923bd6f7385623ef05b +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-35.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-35.pt new file mode 100644 index 0000000000000000000000000000000000000000..b9f14dd6f5bfa4162412ecdece65d0106d4b8d75 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-35.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee4f3444fde2e048d4e5e3463c3a8923a824a105ed259baccad96d0fa27cb3a1 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-36.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-36.pt new file mode 100644 index 0000000000000000000000000000000000000000..7ca85e832ef0cd2a4633d012c0bcc83fcde7b32e --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-36.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3b79b404ed50bbd8e3796fd8d6ea1abaf5559dbfc7d4f05ec5bce7ef72cb596 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-37.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-37.pt new file mode 100644 index 0000000000000000000000000000000000000000..539e91193de5e81433c12239903acee86cd9a934 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-37.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ba5ebcf3e85b8f5df58b6547363d9bf9eb792e65a84b9eca7289fc773cfce96 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-38.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-38.pt new file mode 100644 index 0000000000000000000000000000000000000000..939be79632fad3a7ea6070fc24b6a64c0c017ea8 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-38.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d82e0a3bb970cebb68e1f199cf8a10eba6af0c5772100e904002c885519fcc9c +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-39.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-39.pt new file mode 100644 index 0000000000000000000000000000000000000000..0f7f8cd3d642a84c51d59754cecddc6beff5bd8b --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-39.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c385ad89a469c08245301f3b3f1889b2c882972f86acab996bf51828f3ecbd84 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-4.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-4.pt new file mode 100644 index 0000000000000000000000000000000000000000..3dc126d5b786f2af2253eb30fcb949bbefc00e8c --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-4.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49fdc26ffd6e2ea562ae02da9349fc2b29b39bef09d624c3eaafdd26db4cb18b +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-40.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-40.pt new file mode 100644 index 0000000000000000000000000000000000000000..807c1bbb9f035953858266b47ba9f1446bb067d2 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-40.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fba82c2789468ea9a25bb23e8d84246186acfd6d7175c140ebcf079e5bf53a66 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-41.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-41.pt new file mode 100644 index 0000000000000000000000000000000000000000..cb55eb0b33cc3cd89a25b6ddc189af70f7840e91 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-41.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1d272a142072675f4c6223f9bb97f8768c2cfd4b17973a84259b4dc0bb5e2c5 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-42.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-42.pt new file mode 100644 index 0000000000000000000000000000000000000000..113d187a9221331500991bdbad34edb60ac7e2e1 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-42.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26e9f71116100a03b9363b424ccba4e79aa21fedfa4f8df6729272446edd1536 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-43.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-43.pt new file mode 100644 index 0000000000000000000000000000000000000000..ddcd5632914ae4129ae2c88c4ca9a3151fbc7ce6 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-43.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ffd55d0e26a0238b6c3dd04a1db55c91bd0ad727543ea4fffe747c54394d83e0 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-44.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-44.pt new file mode 100644 index 0000000000000000000000000000000000000000..a54b8f9d215ae87068d10309c058748b3e11b9d4 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-44.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50cda0b19698a307f8d2d19ae5693f63bc205983139778a0626f96e086728973 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-45.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-45.pt new file mode 100644 index 0000000000000000000000000000000000000000..22dae259b8d252043da8e731e6a4274bb8f66942 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-45.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d11acf3f6f5fe239783f2544a0b54334c3535c561e384c16497f86dd9f287ab1 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-46.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-46.pt new file mode 100644 index 0000000000000000000000000000000000000000..2ed4b3ae589ddef425395f08a409e5fffcfe89ba --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-46.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:336d270ea23bb410b6ee318fc3fd1012b4b9f77bc6e07285fd86cdae90cd3335 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-47.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-47.pt new file mode 100644 index 0000000000000000000000000000000000000000..9ade654b988a1d3b5cc3887241645e6774477a54 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-47.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:772976f5b47d16d81eae8c2930ec54afa3ac74c6215eb1aa2f342fcede93f1b7 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-48.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-48.pt new file mode 100644 index 0000000000000000000000000000000000000000..d42fb5c2bffbfd41fb7dfd9063dd9a4cb2f85ee5 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-48.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73c292dc56c08c5c757b5b27e04701cc67b9cc004335e8d11976e5579439099b +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-49.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-49.pt new file mode 100644 index 0000000000000000000000000000000000000000..e3c5e5f189f00211dc115363d5cce6d6188fcb12 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-49.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f6c1a8c3456225b1c8ca05c3d7c5ae5fefc7b9b2372e2218b1c2664673e9082 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-5.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-5.pt new file mode 100644 index 0000000000000000000000000000000000000000..8019f8b00a50dcdb4c3b59a1883088ed6b066334 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-5.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4607553f43ccf960590e584bced560068b7b47f82aae23923f59a95680b19c5 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-50.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-50.pt new file mode 100644 index 0000000000000000000000000000000000000000..5e3437213ed824359eb228a6ca166fb4cc08b056 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-50.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c4336139971db02e195659344fcd298c045724038205a52133652bcb6f48896 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-51.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-51.pt new file mode 100644 index 0000000000000000000000000000000000000000..60a77611f53fc0853d9e5ad247516dc80ae5ecf9 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-51.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98dbab332d283f9d9c1f0b2f6ae92cb3c7982b81b6c22f5365e1179207ca167e +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-52.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-52.pt new file mode 100644 index 0000000000000000000000000000000000000000..a84b1eb6613145c64f480bc4cb5b78c9d4538180 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-52.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1dd752222e9860bcc0165a96750f7b00e1af12f3f8a0e62e9767b9c2870afb9 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-53.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-53.pt new file mode 100644 index 0000000000000000000000000000000000000000..0373dbedad6e732878fe7269b395b14041f79c50 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-53.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3bf3441f6e262400155019e2363c77d2730eb1cd432884e92d1596297dbe82a +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-54.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-54.pt new file mode 100644 index 0000000000000000000000000000000000000000..fa5c2f69e5c5b6ad6aa36704bfc1ce3694d3df6d --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-54.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a65731a27a13482c2032b38ddc2843d452300fb77f689e4f95c404e4b6af584d +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-55.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-55.pt new file mode 100644 index 0000000000000000000000000000000000000000..0edc57fcc9c1010ab30b2ba7d23800440779b89a --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-55.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4875cb5c0c5a601a659315bb81b21a5daa4e248a1efae273963671ca192c502b +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-56.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-56.pt new file mode 100644 index 0000000000000000000000000000000000000000..8f1ba5337b84386ccebc98136079ef3913bf93c4 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-56.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a436857493713e54455551ca8b099f9f0e8abab39a9335b54c7d93de5f938fb +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-57.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-57.pt new file mode 100644 index 0000000000000000000000000000000000000000..95c4dc30cd1caccb084954c2c631ab30567870fd --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-57.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fb6656bf8ac69587658eda10b85d0b9435867b6fd8637c6312f3809021afab2 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-58.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-58.pt new file mode 100644 index 0000000000000000000000000000000000000000..420d5a98a673a138842eb6888754e5cbbf623e63 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-58.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0784a9df635066de5b07ada734d7f725b92607781e328644178d866d1d7961a +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-59.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-59.pt new file mode 100644 index 0000000000000000000000000000000000000000..76349e84700a83d219d04032bcf96f2ab9f3e43c --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-59.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3fd9c650f3105df0e0b7f31243819cb414b10e7f8dd8f4f442e8290a94441c7 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-6.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-6.pt new file mode 100644 index 0000000000000000000000000000000000000000..846a4efc6718fd8c3b1dcf1f166cd0f6d3039610 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-6.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24fe47d0ba5b309aa614c0e0ba17a481934cd8dabd1d3c9a6c6ac715e951c784 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-60.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-60.pt new file mode 100644 index 0000000000000000000000000000000000000000..f00b4f92cf3efca4356d35476c88deca888d2b67 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-60.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e2ba87b726ebda900ba6f34a088f1f8694157d8080f3b291fa88353624c3b0c +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-61.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-61.pt new file mode 100644 index 0000000000000000000000000000000000000000..0904ee0413b2b58518854e37c459158fdc17fc20 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-61.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:655d1d2edfafaee52c4ff688567346206c55a33dddf701890f245f2af0ad0e87 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-62.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-62.pt new file mode 100644 index 0000000000000000000000000000000000000000..5cb45003ba945cd4bd45cd79b5c363549aec2da4 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-62.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3437748445010e1684fb0fbf3c60bcf4abb5bddca7b4a14408b0fdeaf081102 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-63.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-63.pt new file mode 100644 index 0000000000000000000000000000000000000000..d9d4b30f82eddefb58391c7e157b3d8737c027c6 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-63.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61ddaf2a50ca2f122ba2baf659a41967248de8946d7c4f9270fd20d136467bc8 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-64.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-64.pt new file mode 100644 index 0000000000000000000000000000000000000000..8912366928489544587c08fc7c691b62ae1396c8 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-64.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7127c6d79ce4cc7ce8f8eccfbad39a5ab045342d36c060f30c981c92ca2d7605 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-65.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-65.pt new file mode 100644 index 0000000000000000000000000000000000000000..47c3739c17075b86982618067ff607ee55240fec --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-65.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4fb2a2f151264ab3a9fd0090a433608ba3d4107718d27692d913340e7ac975 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-66.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-66.pt new file mode 100644 index 0000000000000000000000000000000000000000..0a87c0381b6d0c0f18c1cc182a2b8d3f260800fb --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-66.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3437ebc286ad89c1355f74b777fd0c8a635ab72e68e6e91689821bcaa9b18bf +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-67.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-67.pt new file mode 100644 index 0000000000000000000000000000000000000000..0ecbf7af0e3693a25b8c7a384473e483c4db515a --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-67.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a43a4f696a864d0bdb927a5cd4750013d512b73e4df6a1f32b488ec34ad375a +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-68.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-68.pt new file mode 100644 index 0000000000000000000000000000000000000000..a5324ec4e314273936285a2cbf7fbc2ea61345a4 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-68.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e341b380263be70a5af266ca37ebdc0bdc382aa3cf1ac5f3427751caedc3c14 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-69.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-69.pt new file mode 100644 index 0000000000000000000000000000000000000000..527fed78d86589455831495ab0f369733f17ca9f --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-69.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:effcfbb5678126d1e0de110d08754aa9a40101c3244909432daef47ee918ee2e +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-7.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-7.pt new file mode 100644 index 0000000000000000000000000000000000000000..e9878bcade316733904bff49ee2ae6eb5c4a28d0 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-7.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec0bbfbf43c375159f358634e17852b42f4f3682bbac23a3873bd6394933df0f +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-70.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-70.pt new file mode 100644 index 0000000000000000000000000000000000000000..22ca9fab6e10a434d209ba86f70756af04edccc9 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-70.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54013f361a9d76ee03e206de34cd4909c8bdee09a957969bc0d99d2564d7f9b3 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-71.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-71.pt new file mode 100644 index 0000000000000000000000000000000000000000..4cbf2b43ae0d8e2d452fa1ac3b05448ce449f2bd --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-71.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e629d5f71ca0a8722c0b8076be9dafa9069c4ecf4d8576b8ef042efdd605b559 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-72.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-72.pt new file mode 100644 index 0000000000000000000000000000000000000000..8146eee45cdd1be90ee84c66b946485dd1c2ba04 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-72.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e9395b338e923e1739cc32b9d7e10e75ae25f05939fe7df880ed0e67f079b97 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-73.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-73.pt new file mode 100644 index 0000000000000000000000000000000000000000..2997f8fba950657fc1c0ef2f08a51b94afb5241d --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-73.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a2e3342c809c7c38541eb12bd571a0d8bfd9edee26b465a8d56026269e52305 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-74.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-74.pt new file mode 100644 index 0000000000000000000000000000000000000000..cf87d93b8f2d07f291407381d7dd0d35590fed2d --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-74.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23d849ee10de08a80faa4eb66791b08b343db5c6ddf9649d7501f5c95df07014 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-75.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-75.pt new file mode 100644 index 0000000000000000000000000000000000000000..1c051db8ed70139038c66f81c17d95e415648d73 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-75.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e938adec5828f0f6e2a26d45425f8df838fbb9502d1af7d7e80abd5410116371 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-76.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-76.pt new file mode 100644 index 0000000000000000000000000000000000000000..751564ab6f2627883250ed47e191aa150f067c07 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-76.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43e82d4ea30f77451462a65372200345254fa62f39197a3dfecd63ffb77cceaf +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-77.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-77.pt new file mode 100644 index 0000000000000000000000000000000000000000..f8f5413a78b26dda8dc6952683153874b2daf36d --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-77.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf1a8c581fcf2f5d49abb0c4d345d06cf61541441fd8a57046cb20542f6e5779 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-78.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-78.pt new file mode 100644 index 0000000000000000000000000000000000000000..3e154a048a13e25837a0d0d5800139bcf0cbc7e3 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-78.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ef12f032e9f8d53ceeced6c2e78bc08c93b53bc39c1eda8227140abccaf7475 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-79.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-79.pt new file mode 100644 index 0000000000000000000000000000000000000000..05ef01630b66aa0b0050413b6f07612b154fe48e --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-79.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7644a8a32be2620184b8dfa5050ee4b94207d04b025ab6a458e04da9ea981475 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-8.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-8.pt new file mode 100644 index 0000000000000000000000000000000000000000..ef1af964192ffd4a593afb59210e765b2067cf9a --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-8.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1060acd5e6c21f8a53f770da7e49b29ad790b89c2b3a213aad1780b01f1dbeed +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-80.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-80.pt new file mode 100644 index 0000000000000000000000000000000000000000..a9764d0bbdad8342f3e727e321c9f9d70ae8c94f --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-80.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14fe6692b62ddcb86539de4735bcc74d0a6bd8e9fc4b7a19cbda71753778303d +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-81.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-81.pt new file mode 100644 index 0000000000000000000000000000000000000000..d43f556ac44a9873009ebdf04cbd8435afbe124a --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-81.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c95881ebd3190f54c8e3657818c563a542e71807c27e7bf7ba968211c4c41e5 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-82.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-82.pt new file mode 100644 index 0000000000000000000000000000000000000000..1a9e7fc2a45c9c22b5270469b0c5cb9d6969b26d --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-82.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0547ae715921d427a1c2da1c743f6fae84b21ed74cdf094c03abe9770d06ce9 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-83.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-83.pt new file mode 100644 index 0000000000000000000000000000000000000000..2605426fd71ac891adc14dbfb1523eb34741bef9 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-83.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50000ceb1c39e8122bd3ee624435e4afb5907a5eaed471814705519f302c4bfe +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-84.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-84.pt new file mode 100644 index 0000000000000000000000000000000000000000..cc521ca885bf6f08709a0b172d7e54fc1becbf78 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-84.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c06b7997d9a5d55591d5879ef44dee35e8ffa36d23445f69713fe4da7e66f9d +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-85.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-85.pt new file mode 100644 index 0000000000000000000000000000000000000000..d887ba2029d61beac32bca77ae02a636b836edac --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-85.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac40cfae6fc08e6551045e2c9b418ec22df7cb0353d0db02ef0149be04e33e5d +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-86.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-86.pt new file mode 100644 index 0000000000000000000000000000000000000000..21dbfe60c84c479822cb2285f568bd326ff698a6 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-86.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24f5cbb95e0262be5e4b06e28dbae82f8e6df83be4d5bfadf5b932d5f835ae75 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-87.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-87.pt new file mode 100644 index 0000000000000000000000000000000000000000..6e95e8503f8b740c0a10e4de5cbb3658230a0957 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-87.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d7c9ad5928a045864242eb7673d4a6e6c4f6b844a36c00b381b43285706315e +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-88.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-88.pt new file mode 100644 index 0000000000000000000000000000000000000000..039d1f28a326e210f7887428515d3b5f66516cf1 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-88.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c59aa6a4a6a4244729fe31ff2a49c2aa19e66b543685a8859485d688190c863 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-89.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-89.pt new file mode 100644 index 0000000000000000000000000000000000000000..63561a7e09fac86f37f8f6b5d4247ce355f0539b --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-89.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7740e6ca40604c41eba5bc806dc324aa3d4cc12dfcf767f158b54e895dfedb3 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-9.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-9.pt new file mode 100644 index 0000000000000000000000000000000000000000..da49dc78c15205636421afa827655b2046b316b8 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-9.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e2fcb9a0441c42cd5e3871e54b4d1dd982531f15472970c70136bd17c9bc7af +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-90.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-90.pt new file mode 100644 index 0000000000000000000000000000000000000000..7fb6efbea53ad6c407402e4496aa6cd06970d1eb --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-90.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55a09bbf3682bfe343aa5abb5a9de8e1e4d5230bc1c9597ad34a6b4159842aad +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-91.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-91.pt new file mode 100644 index 0000000000000000000000000000000000000000..30e2a2c8e6015de970e27a436bae8e45e4134dc2 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-91.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4e0429094c7059d76f2f0c1fa2d1f368939e4123b78c8ee2e44544098996800 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-92.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-92.pt new file mode 100644 index 0000000000000000000000000000000000000000..14825f39fabee391d9b95575446ad9160d7fa466 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-92.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de10d03b72dbcc9085f32ac87f95be3a82661069e2acbf2b0fd1c326fc807661 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-93.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-93.pt new file mode 100644 index 0000000000000000000000000000000000000000..08bd5abb77bccb993bd433f1b94cc7a2e5df2f90 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-93.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab3b6b35c7564dcd92f1dfc0d501b3c742bb4fc6fd20e0ac95797a8822dfbb56 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-94.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-94.pt new file mode 100644 index 0000000000000000000000000000000000000000..fa8a0113da756e180832511a76512dbad1c7878f --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-94.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f68b4cefb9477d74c666b2d2fbb3e4dd037941954ff43578eee10e804ca32c0 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-95.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-95.pt new file mode 100644 index 0000000000000000000000000000000000000000..3afdd016ee198a89ace373c5cf3f5ce131243115 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-95.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:681737519c829abf2d6b87d3c1bf1e9157a0aa28108b7664e39788cf49fa1120 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-96.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-96.pt new file mode 100644 index 0000000000000000000000000000000000000000..7851808562e388c9f24470d965b06e3e03608796 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-96.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2d0a86f1c3003a25ca17b216a30cb7bd6cd74bff6a64ad5c90143eaed96085c +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-97.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-97.pt new file mode 100644 index 0000000000000000000000000000000000000000..8c1c21cbef9c9f34a931e68a33bd4f56dcd620be --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-97.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c2c2aea47e9b75cd4cb4e979b9e85ed3231440916ca68017122bb4593902a86 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-98.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-98.pt new file mode 100644 index 0000000000000000000000000000000000000000..e1d36f6673873102941664388dbce57ca69a24fb --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-98.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07e67c1c99ea59d3f96793972d4c89ef0243262256cf9a6b28c6f645a76605f3 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-99.pt b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-99.pt new file mode 100644 index 0000000000000000000000000000000000000000..0ebf95a709de84740626cebc535d0071f6a39fd6 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug2_20230221T092551/epoch-99.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e75daf1cd46dac22ddb07a94e3245c5bccb331823ff1844e3cfb342c75afe02b +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/args.json b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/args.json new file mode 100644 index 0000000000000000000000000000000000000000..80b9002a2b3366cea9a24bf676b7f3c69f2eb946 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/args.json @@ -0,0 +1,64 @@ +{ + "problem": "cvrp", + "graph_size": 20, + "batch_size": 512, + "epoch_size": 1280000, + "val_size": 10000, + "val_dataset": "/home/gridsan/cpark/routing/data/vrp/vrp20_validcircle_seed1234.pkl", + "model": "attention", + "embedding_dim": 128, + "hidden_dim": 128, + "n_encode_layers": 3, + "tanh_clipping": 10.0, + "normalization": "batch", + "lr_model": 0.0001, + "lr_critic": 0.0001, + "lr_decay": 1.0, + "eval_only": false, + "n_epochs": 100, + "seed": 1234, + "max_grad_norm": 1.0, + "no_cuda": false, + "exp_beta": 0.8, + "baseline": "rollout", + "bl_alpha": 0.05, + "bl_warmup_epochs": 1, + "eval_batch_size": 1024, + "checkpoint_encoder": false, + "shrink_size": null, + "data_distribution": null, + "log_step": 50, + "log_dir": "log_circle_test", + "run_dir": "run_circle", + "run_name": "vrp20inputaug5_20230221T094547", + "output_dir": "outputs_circle", + "image_dir": "images", + "epoch_start": 0, + "checkpoint_epochs": 1, + "load_path": null, + "resume": null, + "no_tensorboard": false, + "no_progress_bar": false, + "use_symmetry_ll": false, + "supervise_symmetry": false, + "restrict_symmetry": false, + "angle_threshold": 0.5, + "alternate": false, + "alternate_freq": 5, + "plot_freq": 0, + "alex_symmetric_loss": false, + "both_losses": false, + "plot_symmetric_ll": false, + "cap_50": 40, + "decay_mode": -1, + "num_equivariant_samples": 0, + "supervise_lambda": 0.01, + "use_starts": false, + "label_aug": false, + "num_input_augmentations": 5, + "wandb_run_name": "run", + "use_cuda": true, + "variant_name": "org", + "save_dir": "outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547", + "plot_dir": "images/cvrp_20/org/vrp20inputaug5_20230221T094547" +} \ No newline at end of file diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-0.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-0.pt new file mode 100644 index 0000000000000000000000000000000000000000..75dcd12e75a018ff00bdb7b7d9e38e08fdccd4a0 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-0.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:10a2d532877000c040cbf04e31012e8166d21c68d885711f0b8a2166e19a31ff +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-1.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-1.pt new file mode 100644 index 0000000000000000000000000000000000000000..f15977f68df6a105a83a047e98238ec7a2874006 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-1.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fab6117b59616c5738333138a3056ec0c6b69f9fb54df6c356ba810132da6a6e +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-10.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-10.pt new file mode 100644 index 0000000000000000000000000000000000000000..25a8aa2a531c7d2ef60ca65de86f148284b72bad --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-10.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:33e6aa359fe752a8d5249f1dd584aaa7db916dcf9a4ef5185e1e5ddbf5275af3 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-11.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-11.pt new file mode 100644 index 0000000000000000000000000000000000000000..a7af73ec2ea0fd18738c1eec30ae2f4b63f8f74f --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-11.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f747ae431e5dbc35673f72a63ab66fd94839d6ca4de165aeef6c1132ee8e939 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-12.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-12.pt new file mode 100644 index 0000000000000000000000000000000000000000..f2806ca95aab7402070e30d0040baa5ab481f551 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-12.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e48b39b5e4eb7e4fc42403ed68b24e266bd469513be881072e0b6e0fc153cd6c +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-13.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-13.pt new file mode 100644 index 0000000000000000000000000000000000000000..89eb20ae05b2b0e7d4cc3055b4fa2e45e17ea401 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-13.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f61dba46ef42bd89230ac7ddc025b63d7ffb1086a1b95c39176b00c036c05fb9 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-14.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-14.pt new file mode 100644 index 0000000000000000000000000000000000000000..3302234841b189ae2c0f8a9db3084d3cf75a1930 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-14.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd67c389f468e3564447f138fc7dbbb1b1d7d8dc5faf6165eaf9e86411d654f9 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-15.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-15.pt new file mode 100644 index 0000000000000000000000000000000000000000..6a86ae24078b0b39f24255763cd881118b18cc4b --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-15.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:661221550528995de8ce3752d04439414f7405d5079601ce113297095e382b05 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-16.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-16.pt new file mode 100644 index 0000000000000000000000000000000000000000..51d0ec8233d6b4edf90489305eb0817b9b1982b1 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-16.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:95ced0d2ec9d0799bdca54d7f63632ea82c07ee170b9b23e1c408fdb01604446 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-17.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-17.pt new file mode 100644 index 0000000000000000000000000000000000000000..84b25e2fa0225be748be31efae682a4992c36fb1 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-17.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35bdac7ee48f4766a95e1199d5c6beb942971432220048f5ffc50a714ea5e10e +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-18.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-18.pt new file mode 100644 index 0000000000000000000000000000000000000000..ce5b52a241878a452c17032fa3f7128cc6ac7cc4 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-18.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:031ebf2ad07ccc5ed6f276f9c026856fe25b73041a27dede70f1f14d7573a802 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-19.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-19.pt new file mode 100644 index 0000000000000000000000000000000000000000..7a5bd87d141c53b32a133ccb3421c42c48c37f46 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-19.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:149dd8da73c3c49d4307525699f5762c61f9ca1fc7233329abc301200019b508 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-2.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-2.pt new file mode 100644 index 0000000000000000000000000000000000000000..5c9146dc1679c4028f1d46393e4d0df0b68af5f1 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-2.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b52b36a34a8dfcce2f1f50bc95661b3369680fc6769e5d19031b582271ddddc +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-20.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-20.pt new file mode 100644 index 0000000000000000000000000000000000000000..aedb422f64604bfff5233455c9d4fcff79e96c59 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-20.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e03d31b3201897ce0b0da2069be665d6bc33295b05a6b5d2a85ce685066e9df0 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-21.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-21.pt new file mode 100644 index 0000000000000000000000000000000000000000..88c940302f6140b7fd2a1ffb1c6d309681ddd8b4 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-21.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd675bde41bd9a9202e16bfa7151fe6e524ea8b45764cad103d169a316b03794 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-22.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-22.pt new file mode 100644 index 0000000000000000000000000000000000000000..b22c1bc298639d5dee78543685e967988b2a5b0f --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-22.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ce79c2011c2bc27afda223956606a45692e6db8858c05cc7289fe71cc91fd9a +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-23.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-23.pt new file mode 100644 index 0000000000000000000000000000000000000000..13702adb0a9502047745aa4052f1eab1842f2470 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-23.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24aa44e80471341764ffa2fe1a648ee8984c8f835d396d20ed064d0f086b09d5 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-24.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-24.pt new file mode 100644 index 0000000000000000000000000000000000000000..9d4e078f413e54d3a6d7f620ad5b1c6e4d0cc59a --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-24.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f26090304a953a6223b2784e3bde3f42f03f386b831d0d18ab3bf8c7f417db4b +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-25.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-25.pt new file mode 100644 index 0000000000000000000000000000000000000000..3f9147f2df00a9026dbff918ecfb840bbd83360f --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-25.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:83a064f884606ebae0f7a7f6c9bff348e5ddcf3c8f7d13b162be9a4c63eb3d27 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-26.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-26.pt new file mode 100644 index 0000000000000000000000000000000000000000..6d656029653622ea282aab6b2662eec68372b8b2 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-26.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c1f828a0531f695e5362166ac160ac9a502a8894a95ed0e3d2d1601108d1f31 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-27.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-27.pt new file mode 100644 index 0000000000000000000000000000000000000000..b114aa22c2c96a1ac9d7f3382a62c41dc8d64e55 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-27.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51c4114773bd7add345426f83642f56b3e2021442d5daebe75fab83ece57c409 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-28.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-28.pt new file mode 100644 index 0000000000000000000000000000000000000000..49e16980ebccfa539d6977285be4b4b34a086157 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-28.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:90b365ccae08982edf557eb778795012bfd2b8cf0372bf876203944bcc14968f +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-29.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-29.pt new file mode 100644 index 0000000000000000000000000000000000000000..cbc2bfe5e184c89236fa5cd1e52b577c729d6c62 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-29.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47a2d9ba62e938244dba3769149662cccd8575c69b558e56217144d5b7224f08 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-3.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-3.pt new file mode 100644 index 0000000000000000000000000000000000000000..23919e747139de5dcb5fe08bb0b7df52699ff79d --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-3.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9a2817534f267ae4c11d2e2e401f32936d9bddfeb0318b765660d52d69a744cf +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-30.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-30.pt new file mode 100644 index 0000000000000000000000000000000000000000..82e83d7c86001c8c452fcf97b14c076a8d9a6be0 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-30.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3147479a31f01f0222c426080282a48b3f8b5165d3d4600425646ce3d9ef139f +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-31.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-31.pt new file mode 100644 index 0000000000000000000000000000000000000000..0405a145b0fdc0a8b9f3d6f0906d53335d7c8a75 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-31.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2ab489afc73a88487bfbbe0653e8ebc1f8a3be147e137739e8ce99f16ed334fe +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-32.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-32.pt new file mode 100644 index 0000000000000000000000000000000000000000..52e85fd8ffe58e05b46361a55fd8e244c15e36b7 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-32.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7a4ea92f47444f23e2f500e5c92f5b56bb12441d87dfdd943215434ea79d1bee +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-33.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-33.pt new file mode 100644 index 0000000000000000000000000000000000000000..ae33e0fe0dec05c9f3a60fa906eb3b0184bb2c8b --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-33.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2fce7d6844ef277c45a3835747872430dad2149fbb34bcf52c21f72cb0f894a8 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-34.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-34.pt new file mode 100644 index 0000000000000000000000000000000000000000..f61948e97d8d3ef02302a5b94508b3c299c6c4d3 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-34.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24b7574f48afba759fff929bddc1855bd70f64862a617923bd6f7385623ef05b +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-35.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-35.pt new file mode 100644 index 0000000000000000000000000000000000000000..b9f14dd6f5bfa4162412ecdece65d0106d4b8d75 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-35.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee4f3444fde2e048d4e5e3463c3a8923a824a105ed259baccad96d0fa27cb3a1 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-36.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-36.pt new file mode 100644 index 0000000000000000000000000000000000000000..7ca85e832ef0cd2a4633d012c0bcc83fcde7b32e --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-36.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3b79b404ed50bbd8e3796fd8d6ea1abaf5559dbfc7d4f05ec5bce7ef72cb596 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-37.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-37.pt new file mode 100644 index 0000000000000000000000000000000000000000..539e91193de5e81433c12239903acee86cd9a934 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-37.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1ba5ebcf3e85b8f5df58b6547363d9bf9eb792e65a84b9eca7289fc773cfce96 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-38.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-38.pt new file mode 100644 index 0000000000000000000000000000000000000000..939be79632fad3a7ea6070fc24b6a64c0c017ea8 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-38.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d82e0a3bb970cebb68e1f199cf8a10eba6af0c5772100e904002c885519fcc9c +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-39.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-39.pt new file mode 100644 index 0000000000000000000000000000000000000000..0f7f8cd3d642a84c51d59754cecddc6beff5bd8b --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-39.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c385ad89a469c08245301f3b3f1889b2c882972f86acab996bf51828f3ecbd84 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-4.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-4.pt new file mode 100644 index 0000000000000000000000000000000000000000..3dc126d5b786f2af2253eb30fcb949bbefc00e8c --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-4.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49fdc26ffd6e2ea562ae02da9349fc2b29b39bef09d624c3eaafdd26db4cb18b +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-40.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-40.pt new file mode 100644 index 0000000000000000000000000000000000000000..807c1bbb9f035953858266b47ba9f1446bb067d2 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-40.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fba82c2789468ea9a25bb23e8d84246186acfd6d7175c140ebcf079e5bf53a66 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-41.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-41.pt new file mode 100644 index 0000000000000000000000000000000000000000..cb55eb0b33cc3cd89a25b6ddc189af70f7840e91 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-41.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b1d272a142072675f4c6223f9bb97f8768c2cfd4b17973a84259b4dc0bb5e2c5 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-42.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-42.pt new file mode 100644 index 0000000000000000000000000000000000000000..113d187a9221331500991bdbad34edb60ac7e2e1 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-42.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:26e9f71116100a03b9363b424ccba4e79aa21fedfa4f8df6729272446edd1536 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-43.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-43.pt new file mode 100644 index 0000000000000000000000000000000000000000..ddcd5632914ae4129ae2c88c4ca9a3151fbc7ce6 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-43.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ffd55d0e26a0238b6c3dd04a1db55c91bd0ad727543ea4fffe747c54394d83e0 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-44.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-44.pt new file mode 100644 index 0000000000000000000000000000000000000000..a54b8f9d215ae87068d10309c058748b3e11b9d4 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-44.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50cda0b19698a307f8d2d19ae5693f63bc205983139778a0626f96e086728973 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-45.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-45.pt new file mode 100644 index 0000000000000000000000000000000000000000..22dae259b8d252043da8e731e6a4274bb8f66942 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-45.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d11acf3f6f5fe239783f2544a0b54334c3535c561e384c16497f86dd9f287ab1 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-46.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-46.pt new file mode 100644 index 0000000000000000000000000000000000000000..2ed4b3ae589ddef425395f08a409e5fffcfe89ba --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-46.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:336d270ea23bb410b6ee318fc3fd1012b4b9f77bc6e07285fd86cdae90cd3335 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-47.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-47.pt new file mode 100644 index 0000000000000000000000000000000000000000..9ade654b988a1d3b5cc3887241645e6774477a54 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-47.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:772976f5b47d16d81eae8c2930ec54afa3ac74c6215eb1aa2f342fcede93f1b7 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-48.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-48.pt new file mode 100644 index 0000000000000000000000000000000000000000..d42fb5c2bffbfd41fb7dfd9063dd9a4cb2f85ee5 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-48.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73c292dc56c08c5c757b5b27e04701cc67b9cc004335e8d11976e5579439099b +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-49.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-49.pt new file mode 100644 index 0000000000000000000000000000000000000000..e3c5e5f189f00211dc115363d5cce6d6188fcb12 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-49.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f6c1a8c3456225b1c8ca05c3d7c5ae5fefc7b9b2372e2218b1c2664673e9082 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-5.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-5.pt new file mode 100644 index 0000000000000000000000000000000000000000..8019f8b00a50dcdb4c3b59a1883088ed6b066334 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-5.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d4607553f43ccf960590e584bced560068b7b47f82aae23923f59a95680b19c5 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-50.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-50.pt new file mode 100644 index 0000000000000000000000000000000000000000..5e3437213ed824359eb228a6ca166fb4cc08b056 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-50.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c4336139971db02e195659344fcd298c045724038205a52133652bcb6f48896 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-51.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-51.pt new file mode 100644 index 0000000000000000000000000000000000000000..60a77611f53fc0853d9e5ad247516dc80ae5ecf9 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-51.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:98dbab332d283f9d9c1f0b2f6ae92cb3c7982b81b6c22f5365e1179207ca167e +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-52.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-52.pt new file mode 100644 index 0000000000000000000000000000000000000000..a84b1eb6613145c64f480bc4cb5b78c9d4538180 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-52.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1dd752222e9860bcc0165a96750f7b00e1af12f3f8a0e62e9767b9c2870afb9 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-53.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-53.pt new file mode 100644 index 0000000000000000000000000000000000000000..0373dbedad6e732878fe7269b395b14041f79c50 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-53.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d3bf3441f6e262400155019e2363c77d2730eb1cd432884e92d1596297dbe82a +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-54.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-54.pt new file mode 100644 index 0000000000000000000000000000000000000000..fa5c2f69e5c5b6ad6aa36704bfc1ce3694d3df6d --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-54.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a65731a27a13482c2032b38ddc2843d452300fb77f689e4f95c404e4b6af584d +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-55.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-55.pt new file mode 100644 index 0000000000000000000000000000000000000000..0edc57fcc9c1010ab30b2ba7d23800440779b89a --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-55.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4875cb5c0c5a601a659315bb81b21a5daa4e248a1efae273963671ca192c502b +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-56.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-56.pt new file mode 100644 index 0000000000000000000000000000000000000000..8f1ba5337b84386ccebc98136079ef3913bf93c4 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-56.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6a436857493713e54455551ca8b099f9f0e8abab39a9335b54c7d93de5f938fb +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-57.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-57.pt new file mode 100644 index 0000000000000000000000000000000000000000..95c4dc30cd1caccb084954c2c631ab30567870fd --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-57.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fb6656bf8ac69587658eda10b85d0b9435867b6fd8637c6312f3809021afab2 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-58.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-58.pt new file mode 100644 index 0000000000000000000000000000000000000000..420d5a98a673a138842eb6888754e5cbbf623e63 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-58.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0784a9df635066de5b07ada734d7f725b92607781e328644178d866d1d7961a +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-59.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-59.pt new file mode 100644 index 0000000000000000000000000000000000000000..76349e84700a83d219d04032bcf96f2ab9f3e43c --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-59.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a3fd9c650f3105df0e0b7f31243819cb414b10e7f8dd8f4f442e8290a94441c7 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-6.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-6.pt new file mode 100644 index 0000000000000000000000000000000000000000..846a4efc6718fd8c3b1dcf1f166cd0f6d3039610 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-6.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24fe47d0ba5b309aa614c0e0ba17a481934cd8dabd1d3c9a6c6ac715e951c784 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-60.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-60.pt new file mode 100644 index 0000000000000000000000000000000000000000..f00b4f92cf3efca4356d35476c88deca888d2b67 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-60.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e2ba87b726ebda900ba6f34a088f1f8694157d8080f3b291fa88353624c3b0c +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-61.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-61.pt new file mode 100644 index 0000000000000000000000000000000000000000..0904ee0413b2b58518854e37c459158fdc17fc20 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-61.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:655d1d2edfafaee52c4ff688567346206c55a33dddf701890f245f2af0ad0e87 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-62.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-62.pt new file mode 100644 index 0000000000000000000000000000000000000000..5cb45003ba945cd4bd45cd79b5c363549aec2da4 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-62.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3437748445010e1684fb0fbf3c60bcf4abb5bddca7b4a14408b0fdeaf081102 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-63.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-63.pt new file mode 100644 index 0000000000000000000000000000000000000000..d9d4b30f82eddefb58391c7e157b3d8737c027c6 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-63.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:61ddaf2a50ca2f122ba2baf659a41967248de8946d7c4f9270fd20d136467bc8 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-64.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-64.pt new file mode 100644 index 0000000000000000000000000000000000000000..8912366928489544587c08fc7c691b62ae1396c8 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-64.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7127c6d79ce4cc7ce8f8eccfbad39a5ab045342d36c060f30c981c92ca2d7605 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-65.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-65.pt new file mode 100644 index 0000000000000000000000000000000000000000..47c3739c17075b86982618067ff607ee55240fec --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-65.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d4fb2a2f151264ab3a9fd0090a433608ba3d4107718d27692d913340e7ac975 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-66.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-66.pt new file mode 100644 index 0000000000000000000000000000000000000000..0a87c0381b6d0c0f18c1cc182a2b8d3f260800fb --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-66.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f3437ebc286ad89c1355f74b777fd0c8a635ab72e68e6e91689821bcaa9b18bf +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-67.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-67.pt new file mode 100644 index 0000000000000000000000000000000000000000..0ecbf7af0e3693a25b8c7a384473e483c4db515a --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-67.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1a43a4f696a864d0bdb927a5cd4750013d512b73e4df6a1f32b488ec34ad375a +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-68.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-68.pt new file mode 100644 index 0000000000000000000000000000000000000000..a5324ec4e314273936285a2cbf7fbc2ea61345a4 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-68.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e341b380263be70a5af266ca37ebdc0bdc382aa3cf1ac5f3427751caedc3c14 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-69.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-69.pt new file mode 100644 index 0000000000000000000000000000000000000000..527fed78d86589455831495ab0f369733f17ca9f --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-69.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:effcfbb5678126d1e0de110d08754aa9a40101c3244909432daef47ee918ee2e +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-7.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-7.pt new file mode 100644 index 0000000000000000000000000000000000000000..e9878bcade316733904bff49ee2ae6eb5c4a28d0 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-7.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec0bbfbf43c375159f358634e17852b42f4f3682bbac23a3873bd6394933df0f +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-70.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-70.pt new file mode 100644 index 0000000000000000000000000000000000000000..22ca9fab6e10a434d209ba86f70756af04edccc9 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-70.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:54013f361a9d76ee03e206de34cd4909c8bdee09a957969bc0d99d2564d7f9b3 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-71.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-71.pt new file mode 100644 index 0000000000000000000000000000000000000000..4cbf2b43ae0d8e2d452fa1ac3b05448ce449f2bd --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-71.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e629d5f71ca0a8722c0b8076be9dafa9069c4ecf4d8576b8ef042efdd605b559 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-72.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-72.pt new file mode 100644 index 0000000000000000000000000000000000000000..8146eee45cdd1be90ee84c66b946485dd1c2ba04 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-72.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e9395b338e923e1739cc32b9d7e10e75ae25f05939fe7df880ed0e67f079b97 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-73.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-73.pt new file mode 100644 index 0000000000000000000000000000000000000000..2997f8fba950657fc1c0ef2f08a51b94afb5241d --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-73.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3a2e3342c809c7c38541eb12bd571a0d8bfd9edee26b465a8d56026269e52305 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-74.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-74.pt new file mode 100644 index 0000000000000000000000000000000000000000..cf87d93b8f2d07f291407381d7dd0d35590fed2d --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-74.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:23d849ee10de08a80faa4eb66791b08b343db5c6ddf9649d7501f5c95df07014 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-75.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-75.pt new file mode 100644 index 0000000000000000000000000000000000000000..1c051db8ed70139038c66f81c17d95e415648d73 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-75.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e938adec5828f0f6e2a26d45425f8df838fbb9502d1af7d7e80abd5410116371 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-76.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-76.pt new file mode 100644 index 0000000000000000000000000000000000000000..751564ab6f2627883250ed47e191aa150f067c07 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-76.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:43e82d4ea30f77451462a65372200345254fa62f39197a3dfecd63ffb77cceaf +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-77.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-77.pt new file mode 100644 index 0000000000000000000000000000000000000000..f8f5413a78b26dda8dc6952683153874b2daf36d --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-77.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf1a8c581fcf2f5d49abb0c4d345d06cf61541441fd8a57046cb20542f6e5779 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-78.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-78.pt new file mode 100644 index 0000000000000000000000000000000000000000..3e154a048a13e25837a0d0d5800139bcf0cbc7e3 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-78.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ef12f032e9f8d53ceeced6c2e78bc08c93b53bc39c1eda8227140abccaf7475 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-79.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-79.pt new file mode 100644 index 0000000000000000000000000000000000000000..05ef01630b66aa0b0050413b6f07612b154fe48e --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-79.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7644a8a32be2620184b8dfa5050ee4b94207d04b025ab6a458e04da9ea981475 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-8.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-8.pt new file mode 100644 index 0000000000000000000000000000000000000000..ef1af964192ffd4a593afb59210e765b2067cf9a --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-8.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1060acd5e6c21f8a53f770da7e49b29ad790b89c2b3a213aad1780b01f1dbeed +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-80.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-80.pt new file mode 100644 index 0000000000000000000000000000000000000000..a9764d0bbdad8342f3e727e321c9f9d70ae8c94f --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-80.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14fe6692b62ddcb86539de4735bcc74d0a6bd8e9fc4b7a19cbda71753778303d +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-81.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-81.pt new file mode 100644 index 0000000000000000000000000000000000000000..d43f556ac44a9873009ebdf04cbd8435afbe124a --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-81.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9c95881ebd3190f54c8e3657818c563a542e71807c27e7bf7ba968211c4c41e5 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-82.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-82.pt new file mode 100644 index 0000000000000000000000000000000000000000..1a9e7fc2a45c9c22b5270469b0c5cb9d6969b26d --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-82.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c0547ae715921d427a1c2da1c743f6fae84b21ed74cdf094c03abe9770d06ce9 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-83.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-83.pt new file mode 100644 index 0000000000000000000000000000000000000000..2605426fd71ac891adc14dbfb1523eb34741bef9 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-83.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50000ceb1c39e8122bd3ee624435e4afb5907a5eaed471814705519f302c4bfe +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-84.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-84.pt new file mode 100644 index 0000000000000000000000000000000000000000..cc521ca885bf6f08709a0b172d7e54fc1becbf78 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-84.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1c06b7997d9a5d55591d5879ef44dee35e8ffa36d23445f69713fe4da7e66f9d +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-85.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-85.pt new file mode 100644 index 0000000000000000000000000000000000000000..d887ba2029d61beac32bca77ae02a636b836edac --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-85.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ac40cfae6fc08e6551045e2c9b418ec22df7cb0353d0db02ef0149be04e33e5d +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-86.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-86.pt new file mode 100644 index 0000000000000000000000000000000000000000..21dbfe60c84c479822cb2285f568bd326ff698a6 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-86.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24f5cbb95e0262be5e4b06e28dbae82f8e6df83be4d5bfadf5b932d5f835ae75 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-87.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-87.pt new file mode 100644 index 0000000000000000000000000000000000000000..6e95e8503f8b740c0a10e4de5cbb3658230a0957 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-87.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5d7c9ad5928a045864242eb7673d4a6e6c4f6b844a36c00b381b43285706315e +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-88.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-88.pt new file mode 100644 index 0000000000000000000000000000000000000000..039d1f28a326e210f7887428515d3b5f66516cf1 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-88.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4c59aa6a4a6a4244729fe31ff2a49c2aa19e66b543685a8859485d688190c863 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-89.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-89.pt new file mode 100644 index 0000000000000000000000000000000000000000..63561a7e09fac86f37f8f6b5d4247ce355f0539b --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-89.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7740e6ca40604c41eba5bc806dc324aa3d4cc12dfcf767f158b54e895dfedb3 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-9.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-9.pt new file mode 100644 index 0000000000000000000000000000000000000000..da49dc78c15205636421afa827655b2046b316b8 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-9.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5e2fcb9a0441c42cd5e3871e54b4d1dd982531f15472970c70136bd17c9bc7af +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-90.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-90.pt new file mode 100644 index 0000000000000000000000000000000000000000..7fb6efbea53ad6c407402e4496aa6cd06970d1eb --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-90.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:55a09bbf3682bfe343aa5abb5a9de8e1e4d5230bc1c9597ad34a6b4159842aad +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-91.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-91.pt new file mode 100644 index 0000000000000000000000000000000000000000..30e2a2c8e6015de970e27a436bae8e45e4134dc2 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-91.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f4e0429094c7059d76f2f0c1fa2d1f368939e4123b78c8ee2e44544098996800 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-92.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-92.pt new file mode 100644 index 0000000000000000000000000000000000000000..14825f39fabee391d9b95575446ad9160d7fa466 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-92.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de10d03b72dbcc9085f32ac87f95be3a82661069e2acbf2b0fd1c326fc807661 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-93.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-93.pt new file mode 100644 index 0000000000000000000000000000000000000000..08bd5abb77bccb993bd433f1b94cc7a2e5df2f90 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-93.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ab3b6b35c7564dcd92f1dfc0d501b3c742bb4fc6fd20e0ac95797a8822dfbb56 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-94.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-94.pt new file mode 100644 index 0000000000000000000000000000000000000000..fa8a0113da756e180832511a76512dbad1c7878f --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-94.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4f68b4cefb9477d74c666b2d2fbb3e4dd037941954ff43578eee10e804ca32c0 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-95.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-95.pt new file mode 100644 index 0000000000000000000000000000000000000000..3afdd016ee198a89ace373c5cf3f5ce131243115 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-95.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:681737519c829abf2d6b87d3c1bf1e9157a0aa28108b7664e39788cf49fa1120 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-96.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-96.pt new file mode 100644 index 0000000000000000000000000000000000000000..7851808562e388c9f24470d965b06e3e03608796 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-96.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2d0a86f1c3003a25ca17b216a30cb7bd6cd74bff6a64ad5c90143eaed96085c +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-97.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-97.pt new file mode 100644 index 0000000000000000000000000000000000000000..8c1c21cbef9c9f34a931e68a33bd4f56dcd620be --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-97.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3c2c2aea47e9b75cd4cb4e979b9e85ed3231440916ca68017122bb4593902a86 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-98.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-98.pt new file mode 100644 index 0000000000000000000000000000000000000000..e1d36f6673873102941664388dbce57ca69a24fb --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-98.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:07e67c1c99ea59d3f96793972d4c89ef0243262256cf9a6b28c6f645a76605f3 +size 21428553 diff --git a/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-99.pt b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-99.pt new file mode 100644 index 0000000000000000000000000000000000000000..0ebf95a709de84740626cebc535d0071f6a39fd6 --- /dev/null +++ b/outputs_circle/cvrp_20/org/vrp20inputaug5_20230221T094547/epoch-99.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e75daf1cd46dac22ddb07a94e3245c5bccb331823ff1844e3cfb342c75afe02b +size 21428553