klamike commited on
Commit
dcb589e
·
verified ·
1 Parent(s): d825502

Add files using upload-large-folder tool

Browse files
PGLearn-Small-118_ieee.py ADDED
@@ -0,0 +1,397 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from __future__ import annotations
2
+ from dataclasses import dataclass
3
+ from pathlib import Path
4
+ import json
5
+ import gzip
6
+
7
+ import datasets as hfd
8
+ import h5py
9
+ import pyarrow as pa
10
+
11
+ # ┌──────────────┐
12
+ # │ Metadata │
13
+ # └──────────────┘
14
+
15
+ @dataclass
16
+ class CaseSizes:
17
+ n_bus: int
18
+ n_load: int
19
+ n_gen: int
20
+ n_branch: int
21
+
22
+ CASENAME = "118_ieee"
23
+ SIZES = CaseSizes(n_bus=118, n_load=99, n_gen=54, n_branch=186)
24
+ NUM_TRAIN = 799988
25
+ NUM_TEST = 199997
26
+ NUM_INFEASIBLE = 15
27
+
28
+ URL = "https://huggingface.co/datasets/PGLearn/PGLearn-Small-118_ieee"
29
+ DESCRIPTION = """\
30
+ The 118_ieee PGLearn optimal power flow dataset, part of the PGLearn-Small collection. \
31
+ """
32
+ VERSION = hfd.Version("1.0.0")
33
+ DEFAULT_CONFIG_DESCRIPTION="""\
34
+ This configuration contains feasible input, metadata, primal solution, and dual solution data \
35
+ for the ACOPF, DCOPF, and SOCOPF formulations on the {case} system.
36
+ """
37
+ USE_ML4OPF_WARNING = """
38
+ ================================================================================================
39
+ Loading PGLearn-Small-118_ieee through the `datasets.load_dataset` function may be slow.
40
+
41
+ Consider using ML4OPF to directly convert to `torch.Tensor`; for more info see:
42
+ https://github.com/AI4OPT/ML4OPF?tab=readme-ov-file#manually-loading-data
43
+
44
+ Or, use `huggingface_hub.snapshot_download` and an HDF5 reader; for more info see:
45
+ https://huggingface.co/datasets/PGLearn/PGLearn-Small-118_ieee#downloading-individual-files
46
+ ================================================================================================
47
+ """
48
+ CITATION = """\
49
+ @article{klamkinpglearn,
50
+ title={{PGLearn - An Open-Source Learning Toolkit for Optimal Power Flow}},
51
+ author={Klamkin, Michael and Tanneau, Mathieu and Van Hentenryck, Pascal},
52
+ year={2025},
53
+ }\
54
+ """
55
+
56
+ IS_COMPRESSED = True
57
+
58
+ # ┌──────────────────┐
59
+ # │ Formulations │
60
+ # └──────────────────┘
61
+
62
+ def acopf_features(sizes: CaseSizes, primal: bool, dual: bool, meta: bool):
63
+ features = {}
64
+ if primal: features.update(acopf_primal_features(sizes))
65
+ if dual: features.update(acopf_dual_features(sizes))
66
+ if meta: features.update({f"ACOPF/{k}": v for k, v in META_FEATURES.items()})
67
+ return features
68
+
69
+ def dcopf_features(sizes: CaseSizes, primal: bool, dual: bool, meta: bool):
70
+ features = {}
71
+ if primal: features.update(dcopf_primal_features(sizes))
72
+ if dual: features.update(dcopf_dual_features(sizes))
73
+ if meta: features.update({f"DCOPF/{k}": v for k, v in META_FEATURES.items()})
74
+ return features
75
+
76
+ def socopf_features(sizes: CaseSizes, primal: bool, dual: bool, meta: bool):
77
+ features = {}
78
+ if primal: features.update(socopf_primal_features(sizes))
79
+ if dual: features.update(socopf_dual_features(sizes))
80
+ if meta: features.update({f"SOCOPF/{k}": v for k, v in META_FEATURES.items()})
81
+ return features
82
+
83
+ FORMULATIONS_TO_FEATURES = {
84
+ "ACOPF": acopf_features,
85
+ "DCOPF": dcopf_features,
86
+ "SOCOPF": socopf_features,
87
+ }
88
+
89
+ # ┌───────────────────┐
90
+ # │ BuilderConfig │
91
+ # └───────────────────┘
92
+
93
+ class PGLearnSmall118_ieeeConfig(hfd.BuilderConfig):
94
+ """BuilderConfig for PGLearn-Small-118_ieee.
95
+ By default, primal solution data, metadata, input, casejson, are included for the train and test splits.
96
+
97
+ To modify the default configuration, pass attributes of this class to `datasets.load_dataset`:
98
+
99
+ Attributes:
100
+ formulations (list[str]): The formulation(s) to include, e.g. ["ACOPF", "DCOPF"]
101
+ primal (bool, optional): Include primal solution data. Defaults to True.
102
+ dual (bool, optional): Include dual solution data. Defaults to False.
103
+ meta (bool, optional): Include metadata. Defaults to True.
104
+ input (bool, optional): Include input data. Defaults to True.
105
+ casejson (bool, optional): Include case.json data. Defaults to True.
106
+ train (bool, optional): Include training samples. Defaults to True.
107
+ test (bool, optional): Include testing samples. Defaults to True.
108
+ infeasible (bool, optional): Include infeasible samples. Defaults to False.
109
+ """
110
+ def __init__(self,
111
+ formulations: list[str],
112
+ primal: bool=True, dual: bool=False, meta: bool=True, input: bool = True, casejson: bool=True,
113
+ train: bool=True, test: bool=True, infeasible: bool=False,
114
+ compressed: bool=IS_COMPRESSED, **kwargs
115
+ ):
116
+ super(PGLearnSmall118_ieeeConfig, self).__init__(version=VERSION, **kwargs)
117
+
118
+ self.case = CASENAME
119
+ self.formulations = formulations
120
+
121
+ self.primal = primal
122
+ self.dual = dual
123
+ self.meta = meta
124
+ self.input = input
125
+ self.casejson = casejson
126
+
127
+ self.train = train
128
+ self.test = test
129
+ self.infeasible = infeasible
130
+
131
+ self.gz_ext = ".gz" if compressed else ""
132
+
133
+ @property
134
+ def size(self):
135
+ return SIZES
136
+
137
+ @property
138
+ def features(self):
139
+ features = {}
140
+ if self.casejson: features.update(case_features())
141
+ if self.input: features.update(input_features(SIZES))
142
+ for formulation in self.formulations:
143
+ features.update(FORMULATIONS_TO_FEATURES[formulation](SIZES, self.primal, self.dual, self.meta))
144
+ return hfd.Features(features)
145
+
146
+ @property
147
+ def splits(self):
148
+ splits: dict[hfd.Split, dict[str, str | int]] = {}
149
+ if self.train:
150
+ splits[hfd.Split.TRAIN] = {
151
+ "name": "train",
152
+ "num_examples": NUM_TRAIN
153
+ }
154
+ if self.test:
155
+ splits[hfd.Split.TEST] = {
156
+ "name": "test",
157
+ "num_examples": NUM_TEST
158
+ }
159
+ if self.infeasible:
160
+ splits[hfd.Split("infeasible")] = {
161
+ "name": "infeasible",
162
+ "num_examples": NUM_INFEASIBLE
163
+ }
164
+ return splits
165
+
166
+ @property
167
+ def urls(self):
168
+ urls: dict[str, None | str | list] = {
169
+ "case": None, "train": [], "test": [], "infeasible": [],
170
+ }
171
+
172
+ if self.casejson: urls["case"] = f"case.json" + self.gz_ext
173
+
174
+ split_names = []
175
+ if self.train: split_names.append("train")
176
+ if self.test: split_names.append("test")
177
+ if self.infeasible: split_names.append("infeasible")
178
+
179
+ for split in split_names:
180
+ if self.input: urls[split].append(f"{split}/input.h5" + self.gz_ext)
181
+ for formulation in self.formulations:
182
+ if self.primal: urls[split].append(f"{split}/{formulation}/primal.h5" + self.gz_ext)
183
+ if self.dual: urls[split].append(f"{split}/{formulation}/dual.h5" + self.gz_ext)
184
+ if self.meta: urls[split].append(f"{split}/{formulation}/meta.h5" + self.gz_ext)
185
+ return urls
186
+
187
+ # ┌────────────────────┐
188
+ # │ DatasetBuilder │
189
+ # └────────────────────┘
190
+
191
+ class PGLearnSmall118_ieee(hfd.ArrowBasedBuilder):
192
+ """DatasetBuilder for PGLearn-Small-118_ieee.
193
+ The main interface is `datasets.load_dataset` with `trust_remote_code=True`, e.g.
194
+
195
+ ```python
196
+ from datasets import load_dataset
197
+ ds = load_dataset("PGLearn/PGLearn-Small-118_ieee", trust_remote_code=True,
198
+ # modify the default configuration by passing kwargs
199
+ formulations=["DCOPF"],
200
+ dual=False,
201
+ meta=False,
202
+ )
203
+ ```
204
+ """
205
+
206
+ DEFAULT_WRITER_BATCH_SIZE = 10000
207
+ BUILDER_CONFIG_CLASS = PGLearnSmall118_ieeeConfig
208
+ DEFAULT_CONFIG_NAME=CASENAME
209
+ BUILDER_CONFIGS = [
210
+ PGLearnSmall118_ieeeConfig(
211
+ name=CASENAME, description=DEFAULT_CONFIG_DESCRIPTION.format(case=CASENAME),
212
+ formulations=list(FORMULATIONS_TO_FEATURES.keys()),
213
+ primal=True, dual=True, meta=True, input=True, casejson=True,
214
+ train=True, test=True, infeasible=False,
215
+ )
216
+ ]
217
+
218
+ def _info(self):
219
+ return hfd.DatasetInfo(
220
+ features=self.config.features, splits=self.config.splits,
221
+ description=DESCRIPTION + self.config.description,
222
+ homepage=URL, citation=CITATION,
223
+ )
224
+
225
+ def _split_generators(self, dl_manager: hfd.DownloadManager):
226
+ hfd.logging.get_logger().warning(USE_ML4OPF_WARNING)
227
+
228
+ filepaths = dl_manager.download_and_extract(self.config.urls)
229
+
230
+ splits: list[hfd.SplitGenerator] = []
231
+ if self.config.train:
232
+ splits.append(hfd.SplitGenerator(
233
+ name=hfd.Split.TRAIN,
234
+ gen_kwargs=dict(case_file=filepaths["case"], data_files=tuple(filepaths["train"]), n_samples=NUM_TRAIN),
235
+ ))
236
+ if self.config.test:
237
+ splits.append(hfd.SplitGenerator(
238
+ name=hfd.Split.TEST,
239
+ gen_kwargs=dict(case_file=filepaths["case"], data_files=tuple(filepaths["test"]), n_samples=NUM_TEST),
240
+ ))
241
+ if self.config.infeasible:
242
+ splits.append(hfd.SplitGenerator(
243
+ name=hfd.Split("infeasible"),
244
+ gen_kwargs=dict(case_file=filepaths["case"], data_files=tuple(filepaths["infeasible"]), n_samples=NUM_INFEASIBLE),
245
+ ))
246
+ return splits
247
+
248
+ def _generate_tables(self, case_file: str | None, data_files: tuple[hfd.utils.track.tracked_str], n_samples: int):
249
+ case_data: str | None = json.dumps(json.load(open_maybe_gzip(case_file))) if case_file is not None else None
250
+
251
+ opened_files = [open_maybe_gzip(file) for file in data_files]
252
+ data = {'/'.join(Path(df.get_origin()).parts[-2:]).split('.')[0]: h5py.File(of) for of, df in zip(opened_files, data_files)}
253
+ for k in list(data.keys()):
254
+ if "/input" in k: data[k.split("/", 1)[1]] = data.pop(k)
255
+
256
+ batch_size = self._writer_batch_size or self.DEFAULT_WRITER_BATCH_SIZE
257
+ for i in range(0, n_samples, batch_size):
258
+ effective_batch_size = min(batch_size, n_samples - i)
259
+
260
+ sample_data = {
261
+ f"{dk}/{k}":
262
+ hfd.features.features.numpy_to_pyarrow_listarray(v[i:i + effective_batch_size, ...])
263
+ for dk, d in data.items() for k, v in d.items() if f"{dk}/{k}" in self.config.features
264
+ }
265
+
266
+ if case_data is not None:
267
+ sample_data["case/json"] = pa.array([case_data] * effective_batch_size)
268
+
269
+ yield i, pa.Table.from_pydict(sample_data)
270
+
271
+ for f in opened_files:
272
+ f.close()
273
+
274
+ # ┌──────────────┐
275
+ # │ Features │
276
+ # └──────────────┘
277
+
278
+ FLOAT_TYPE = "float32"
279
+ INT_TYPE = "int64"
280
+ BOOL_TYPE = "bool"
281
+ STRING_TYPE = "string"
282
+
283
+ def case_features():
284
+ # FIXME: better way to share schema of case data -- need to treat jagged arrays
285
+ return {
286
+ "case/json": hfd.Value(STRING_TYPE),
287
+ }
288
+
289
+ META_FEATURES = {
290
+ "meta/seed": hfd.Value(dtype=INT_TYPE),
291
+ "meta/formulation": hfd.Value(dtype=STRING_TYPE),
292
+ "meta/primal_objective_value": hfd.Value(dtype=FLOAT_TYPE),
293
+ "meta/dual_objective_value": hfd.Value(dtype=FLOAT_TYPE),
294
+ "meta/primal_status": hfd.Value(dtype=STRING_TYPE),
295
+ "meta/dual_status": hfd.Value(dtype=STRING_TYPE),
296
+ "meta/termination_status": hfd.Value(dtype=STRING_TYPE),
297
+ "meta/build_time": hfd.Value(dtype=FLOAT_TYPE),
298
+ "meta/extract_time": hfd.Value(dtype=FLOAT_TYPE),
299
+ "meta/solve_time": hfd.Value(dtype=FLOAT_TYPE),
300
+ }
301
+
302
+ def input_features(sizes: CaseSizes):
303
+ return {
304
+ "input/pd": hfd.Sequence(length=sizes.n_load, feature=hfd.Value(dtype=FLOAT_TYPE)),
305
+ "input/qd": hfd.Sequence(length=sizes.n_load, feature=hfd.Value(dtype=FLOAT_TYPE)),
306
+ "input/gen_status": hfd.Sequence(length=sizes.n_gen, feature=hfd.Value(dtype=BOOL_TYPE)),
307
+ "input/branch_status": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=BOOL_TYPE)),
308
+ "input/seed": hfd.Value(dtype=INT_TYPE),
309
+ }
310
+
311
+ def acopf_primal_features(sizes: CaseSizes):
312
+ return {
313
+ "ACOPF/primal/vm": hfd.Sequence(length=sizes.n_bus, feature=hfd.Value(dtype=FLOAT_TYPE)),
314
+ "ACOPF/primal/va": hfd.Sequence(length=sizes.n_bus, feature=hfd.Value(dtype=FLOAT_TYPE)),
315
+ "ACOPF/primal/pg": hfd.Sequence(length=sizes.n_gen, feature=hfd.Value(dtype=FLOAT_TYPE)),
316
+ "ACOPF/primal/qg": hfd.Sequence(length=sizes.n_gen, feature=hfd.Value(dtype=FLOAT_TYPE)),
317
+ "ACOPF/primal/pf": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
318
+ "ACOPF/primal/pt": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
319
+ "ACOPF/primal/qf": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
320
+ "ACOPF/primal/qt": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
321
+ }
322
+ def acopf_dual_features(sizes: CaseSizes):
323
+ return {
324
+ "ACOPF/dual/kcl_p": hfd.Sequence(length=sizes.n_bus, feature=hfd.Value(dtype=FLOAT_TYPE)),
325
+ "ACOPF/dual/kcl_q": hfd.Sequence(length=sizes.n_bus, feature=hfd.Value(dtype=FLOAT_TYPE)),
326
+ "ACOPF/dual/vm": hfd.Sequence(length=sizes.n_bus, feature=hfd.Value(dtype=FLOAT_TYPE)),
327
+ "ACOPF/dual/pg": hfd.Sequence(length=sizes.n_gen, feature=hfd.Value(dtype=FLOAT_TYPE)),
328
+ "ACOPF/dual/qg": hfd.Sequence(length=sizes.n_gen, feature=hfd.Value(dtype=FLOAT_TYPE)),
329
+ "ACOPF/dual/ohm_pf": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
330
+ "ACOPF/dual/ohm_pt": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
331
+ "ACOPF/dual/ohm_qf": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
332
+ "ACOPF/dual/ohm_qt": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
333
+ "ACOPF/dual/pf": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
334
+ "ACOPF/dual/pt": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
335
+ "ACOPF/dual/qf": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
336
+ "ACOPF/dual/qt": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
337
+ "ACOPF/dual/va_diff": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
338
+ "ACOPF/dual/sm_fr": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
339
+ "ACOPF/dual/sm_to": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
340
+ "ACOPF/dual/slack_bus": hfd.Value(dtype=FLOAT_TYPE),
341
+ }
342
+ def dcopf_primal_features(sizes: CaseSizes):
343
+ return {
344
+ "DCOPF/primal/va": hfd.Sequence(length=sizes.n_bus, feature=hfd.Value(dtype=FLOAT_TYPE)),
345
+ "DCOPF/primal/pg": hfd.Sequence(length=sizes.n_gen, feature=hfd.Value(dtype=FLOAT_TYPE)),
346
+ "DCOPF/primal/pf": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
347
+ }
348
+ def dcopf_dual_features(sizes: CaseSizes):
349
+ return {
350
+ "DCOPF/dual/kcl_p": hfd.Sequence(length=sizes.n_bus, feature=hfd.Value(dtype=FLOAT_TYPE)),
351
+ "DCOPF/dual/pg": hfd.Sequence(length=sizes.n_gen, feature=hfd.Value(dtype=FLOAT_TYPE)),
352
+ "DCOPF/dual/ohm_pf": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
353
+ "DCOPF/dual/pf": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
354
+ "DCOPF/dual/va_diff": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
355
+ "DCOPF/dual/slack_bus": hfd.Value(dtype=FLOAT_TYPE),
356
+ }
357
+ def socopf_primal_features(sizes: CaseSizes):
358
+ return {
359
+ "SOCOPF/primal/w": hfd.Sequence(length=sizes.n_bus, feature=hfd.Value(dtype=FLOAT_TYPE)),
360
+ "SOCOPF/primal/pg": hfd.Sequence(length=sizes.n_gen, feature=hfd.Value(dtype=FLOAT_TYPE)),
361
+ "SOCOPF/primal/qg": hfd.Sequence(length=sizes.n_gen, feature=hfd.Value(dtype=FLOAT_TYPE)),
362
+ "SOCOPF/primal/pf": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
363
+ "SOCOPF/primal/pt": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
364
+ "SOCOPF/primal/qf": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
365
+ "SOCOPF/primal/qt": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
366
+ "SOCOPF/primal/wr": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
367
+ "SOCOPF/primal/wi": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
368
+ }
369
+ def socopf_dual_features(sizes: CaseSizes):
370
+ return {
371
+ "SOCOPF/dual/kcl_p": hfd.Sequence(length=sizes.n_bus, feature=hfd.Value(dtype=FLOAT_TYPE)),
372
+ "SOCOPF/dual/kcl_q": hfd.Sequence(length=sizes.n_bus, feature=hfd.Value(dtype=FLOAT_TYPE)),
373
+ "SOCOPF/dual/w": hfd.Sequence(length=sizes.n_bus, feature=hfd.Value(dtype=FLOAT_TYPE)),
374
+ "SOCOPF/dual/pg": hfd.Sequence(length=sizes.n_gen, feature=hfd.Value(dtype=FLOAT_TYPE)),
375
+ "SOCOPF/dual/qg": hfd.Sequence(length=sizes.n_gen, feature=hfd.Value(dtype=FLOAT_TYPE)),
376
+ "SOCOPF/dual/ohm_pf": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
377
+ "SOCOPF/dual/ohm_pt": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
378
+ "SOCOPF/dual/ohm_qf": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
379
+ "SOCOPF/dual/ohm_qt": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
380
+ "SOCOPF/dual/jabr": hfd.Array2D(shape=(sizes.n_branch, 4), dtype=FLOAT_TYPE),
381
+ "SOCOPF/dual/sm_fr": hfd.Array2D(shape=(sizes.n_branch, 3), dtype=FLOAT_TYPE),
382
+ "SOCOPF/dual/sm_to": hfd.Array2D(shape=(sizes.n_branch, 3), dtype=FLOAT_TYPE),
383
+ "SOCOPF/dual/va_diff": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
384
+ "SOCOPF/dual/wr": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
385
+ "SOCOPF/dual/wi": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
386
+ "SOCOPF/dual/pf": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
387
+ "SOCOPF/dual/pt": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
388
+ "SOCOPF/dual/qf": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
389
+ "SOCOPF/dual/qt": hfd.Sequence(length=sizes.n_branch, feature=hfd.Value(dtype=FLOAT_TYPE)),
390
+ }
391
+
392
+ # ┌───────────────┐
393
+ # │ Utilities │
394
+ # └───────────────┘
395
+
396
+ def open_maybe_gzip(path):
397
+ return gzip.open(path, "rb") if path.endswith(".gz") else open(path, "rb")
README.md ADDED
@@ -0,0 +1,295 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: cc-by-sa-4.0
3
+ tags:
4
+ - energy
5
+ - optimization
6
+ - optimal_power_flow
7
+ - power_grid
8
+ pretty_name: PGLearn Optimal Power Flow (118_ieee)
9
+ task_categories:
10
+ - tabular-regression
11
+ dataset_info:
12
+ config_name: 118_ieee
13
+ features:
14
+ - name: case/json
15
+ dtype: string
16
+ - name: input/pd
17
+ sequence: float32
18
+ length: 99
19
+ - name: input/qd
20
+ sequence: float32
21
+ length: 99
22
+ - name: input/gen_status
23
+ sequence: bool
24
+ length: 54
25
+ - name: input/branch_status
26
+ sequence: bool
27
+ length: 186
28
+ - name: input/seed
29
+ dtype: int64
30
+ - name: ACOPF/primal/vm
31
+ sequence: float32
32
+ length: 118
33
+ - name: ACOPF/primal/va
34
+ sequence: float32
35
+ length: 118
36
+ - name: ACOPF/primal/pg
37
+ sequence: float32
38
+ length: 54
39
+ - name: ACOPF/primal/qg
40
+ sequence: float32
41
+ length: 54
42
+ - name: ACOPF/primal/pf
43
+ sequence: float32
44
+ length: 186
45
+ - name: ACOPF/primal/pt
46
+ sequence: float32
47
+ length: 186
48
+ - name: ACOPF/primal/qf
49
+ sequence: float32
50
+ length: 186
51
+ - name: ACOPF/primal/qt
52
+ sequence: float32
53
+ length: 186
54
+ - name: ACOPF/dual/kcl_p
55
+ sequence: float32
56
+ length: 118
57
+ - name: ACOPF/dual/kcl_q
58
+ sequence: float32
59
+ length: 118
60
+ - name: ACOPF/dual/vm
61
+ sequence: float32
62
+ length: 118
63
+ - name: ACOPF/dual/pg
64
+ sequence: float32
65
+ length: 54
66
+ - name: ACOPF/dual/qg
67
+ sequence: float32
68
+ length: 54
69
+ - name: ACOPF/dual/ohm_pf
70
+ sequence: float32
71
+ length: 186
72
+ - name: ACOPF/dual/ohm_pt
73
+ sequence: float32
74
+ length: 186
75
+ - name: ACOPF/dual/ohm_qf
76
+ sequence: float32
77
+ length: 186
78
+ - name: ACOPF/dual/ohm_qt
79
+ sequence: float32
80
+ length: 186
81
+ - name: ACOPF/dual/pf
82
+ sequence: float32
83
+ length: 186
84
+ - name: ACOPF/dual/pt
85
+ sequence: float32
86
+ length: 186
87
+ - name: ACOPF/dual/qf
88
+ sequence: float32
89
+ length: 186
90
+ - name: ACOPF/dual/qt
91
+ sequence: float32
92
+ length: 186
93
+ - name: ACOPF/dual/va_diff
94
+ sequence: float32
95
+ length: 186
96
+ - name: ACOPF/dual/sm_fr
97
+ sequence: float32
98
+ length: 186
99
+ - name: ACOPF/dual/sm_to
100
+ sequence: float32
101
+ length: 186
102
+ - name: ACOPF/dual/slack_bus
103
+ dtype: float32
104
+ - name: ACOPF/meta/seed
105
+ dtype: int64
106
+ - name: ACOPF/meta/formulation
107
+ dtype: string
108
+ - name: ACOPF/meta/primal_objective_value
109
+ dtype: float32
110
+ - name: ACOPF/meta/dual_objective_value
111
+ dtype: float32
112
+ - name: ACOPF/meta/primal_status
113
+ dtype: string
114
+ - name: ACOPF/meta/dual_status
115
+ dtype: string
116
+ - name: ACOPF/meta/termination_status
117
+ dtype: string
118
+ - name: ACOPF/meta/build_time
119
+ dtype: float32
120
+ - name: ACOPF/meta/extract_time
121
+ dtype: float32
122
+ - name: ACOPF/meta/solve_time
123
+ dtype: float32
124
+ - name: DCOPF/primal/va
125
+ sequence: float32
126
+ length: 118
127
+ - name: DCOPF/primal/pg
128
+ sequence: float32
129
+ length: 54
130
+ - name: DCOPF/primal/pf
131
+ sequence: float32
132
+ length: 186
133
+ - name: DCOPF/dual/kcl_p
134
+ sequence: float32
135
+ length: 118
136
+ - name: DCOPF/dual/pg
137
+ sequence: float32
138
+ length: 54
139
+ - name: DCOPF/dual/ohm_pf
140
+ sequence: float32
141
+ length: 186
142
+ - name: DCOPF/dual/pf
143
+ sequence: float32
144
+ length: 186
145
+ - name: DCOPF/dual/va_diff
146
+ sequence: float32
147
+ length: 186
148
+ - name: DCOPF/dual/slack_bus
149
+ dtype: float32
150
+ - name: DCOPF/meta/seed
151
+ dtype: int64
152
+ - name: DCOPF/meta/formulation
153
+ dtype: string
154
+ - name: DCOPF/meta/primal_objective_value
155
+ dtype: float32
156
+ - name: DCOPF/meta/dual_objective_value
157
+ dtype: float32
158
+ - name: DCOPF/meta/primal_status
159
+ dtype: string
160
+ - name: DCOPF/meta/dual_status
161
+ dtype: string
162
+ - name: DCOPF/meta/termination_status
163
+ dtype: string
164
+ - name: DCOPF/meta/build_time
165
+ dtype: float32
166
+ - name: DCOPF/meta/extract_time
167
+ dtype: float32
168
+ - name: DCOPF/meta/solve_time
169
+ dtype: float32
170
+ - name: SOCOPF/primal/w
171
+ sequence: float32
172
+ length: 118
173
+ - name: SOCOPF/primal/pg
174
+ sequence: float32
175
+ length: 54
176
+ - name: SOCOPF/primal/qg
177
+ sequence: float32
178
+ length: 54
179
+ - name: SOCOPF/primal/pf
180
+ sequence: float32
181
+ length: 186
182
+ - name: SOCOPF/primal/pt
183
+ sequence: float32
184
+ length: 186
185
+ - name: SOCOPF/primal/qf
186
+ sequence: float32
187
+ length: 186
188
+ - name: SOCOPF/primal/qt
189
+ sequence: float32
190
+ length: 186
191
+ - name: SOCOPF/primal/wr
192
+ sequence: float32
193
+ length: 186
194
+ - name: SOCOPF/primal/wi
195
+ sequence: float32
196
+ length: 186
197
+ - name: SOCOPF/dual/kcl_p
198
+ sequence: float32
199
+ length: 118
200
+ - name: SOCOPF/dual/kcl_q
201
+ sequence: float32
202
+ length: 118
203
+ - name: SOCOPF/dual/w
204
+ sequence: float32
205
+ length: 118
206
+ - name: SOCOPF/dual/pg
207
+ sequence: float32
208
+ length: 54
209
+ - name: SOCOPF/dual/qg
210
+ sequence: float32
211
+ length: 54
212
+ - name: SOCOPF/dual/ohm_pf
213
+ sequence: float32
214
+ length: 186
215
+ - name: SOCOPF/dual/ohm_pt
216
+ sequence: float32
217
+ length: 186
218
+ - name: SOCOPF/dual/ohm_qf
219
+ sequence: float32
220
+ length: 186
221
+ - name: SOCOPF/dual/ohm_qt
222
+ sequence: float32
223
+ length: 186
224
+ - name: SOCOPF/dual/jabr
225
+ dtype:
226
+ array2_d:
227
+ shape:
228
+ - 186
229
+ - 4
230
+ dtype: float32
231
+ - name: SOCOPF/dual/sm_fr
232
+ dtype:
233
+ array2_d:
234
+ shape:
235
+ - 186
236
+ - 3
237
+ dtype: float32
238
+ - name: SOCOPF/dual/sm_to
239
+ dtype:
240
+ array2_d:
241
+ shape:
242
+ - 186
243
+ - 3
244
+ dtype: float32
245
+ - name: SOCOPF/dual/va_diff
246
+ sequence: float32
247
+ length: 186
248
+ - name: SOCOPF/dual/wr
249
+ sequence: float32
250
+ length: 186
251
+ - name: SOCOPF/dual/wi
252
+ sequence: float32
253
+ length: 186
254
+ - name: SOCOPF/dual/pf
255
+ sequence: float32
256
+ length: 186
257
+ - name: SOCOPF/dual/pt
258
+ sequence: float32
259
+ length: 186
260
+ - name: SOCOPF/dual/qf
261
+ sequence: float32
262
+ length: 186
263
+ - name: SOCOPF/dual/qt
264
+ sequence: float32
265
+ length: 186
266
+ - name: SOCOPF/meta/seed
267
+ dtype: int64
268
+ - name: SOCOPF/meta/formulation
269
+ dtype: string
270
+ - name: SOCOPF/meta/primal_objective_value
271
+ dtype: float32
272
+ - name: SOCOPF/meta/dual_objective_value
273
+ dtype: float32
274
+ - name: SOCOPF/meta/primal_status
275
+ dtype: string
276
+ - name: SOCOPF/meta/dual_status
277
+ dtype: string
278
+ - name: SOCOPF/meta/termination_status
279
+ dtype: string
280
+ - name: SOCOPF/meta/build_time
281
+ dtype: float32
282
+ - name: SOCOPF/meta/extract_time
283
+ dtype: float32
284
+ - name: SOCOPF/meta/solve_time
285
+ dtype: float32
286
+ splits:
287
+ - name: train
288
+ num_bytes: 265118423164
289
+ num_examples: 799988
290
+ - name: test
291
+ num_bytes: 66279605792
292
+ num_examples: 199997
293
+ download_size: 34649738796
294
+ dataset_size: 331398028956
295
+ ---
case.json.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e7d03e5afe6f9a6632a1fafbda77d0266e654f151eefff54cb5df6a61a9dfdb4
3
+ size 107188
config.toml ADDED
@@ -0,0 +1,53 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Name of the reference PGLib case. Must be a valid PGLib case name.
2
+ pglib_case = "pglib_opf_case118_ieee"
3
+ # Directory where instance/solution files are exported
4
+ # must be a valid directory
5
+ export_dir = "/storage/home/hcoda1/0/mtanneau3/Git/OPFGenerator/data/scratch/118_ieee"
6
+ floating_point_type = "Float32"
7
+
8
+ [slurm]
9
+ n_samples = 1000000
10
+ n_jobs = 42
11
+ minibatch_size = 256
12
+ queue = "embers"
13
+ charge_account = "gts-mtanneau3"
14
+ extract_memory = "256gb"
15
+
16
+ [sampler]
17
+ # data sampler options
18
+ [sampler.load]
19
+ noise_type = "ScaledUniform"
20
+ l = 0.80 # Lower bound of base load factor
21
+ u = 1.20 # Upper bound of base load factor
22
+ sigma = 0.20 # Relative (multiplicative) noise level.
23
+
24
+
25
+ [OPF]
26
+
27
+ [OPF.ACOPF]
28
+ type = "ACOPF"
29
+ solver.name = "Ipopt"
30
+ solver.attributes.tol = 1e-6
31
+ solver.attributes.linear_solver = "ma27"
32
+
33
+ [OPF.DCOPF]
34
+ # Formulation/solver options
35
+ type = "DCOPF"
36
+ solver.name = "HiGHS"
37
+
38
+ [OPF.SOCOPF]
39
+ type = "SOCOPF"
40
+ solver.name = "Clarabel"
41
+ # Tight tolerances
42
+ solver.attributes.tol_gap_abs = 1e-6
43
+ solver.attributes.tol_gap_rel = 1e-6
44
+ solver.attributes.tol_feas = 1e-6
45
+ solver.attributes.tol_infeas_rel = 1e-6
46
+ solver.attributes.tol_ktratio = 1e-6
47
+ # Reduced accuracy settings
48
+ solver.attributes.reduced_tol_gap_abs = 1e-6
49
+ solver.attributes.reduced_tol_gap_rel = 1e-6
50
+ solver.attributes.reduced_tol_feas = 1e-6
51
+ solver.attributes.reduced_tol_infeas_abs = 1e-6
52
+ solver.attributes.reduced_tol_infeas_rel = 1e-6
53
+ solver.attributes.reduced_tol_ktratio = 1e-6
infeasible/ACOPF/dual.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e5e7080d514d5c8caef57d02b9d80ef8eebe9f5f95061f1205a16305a84e46ce
3
+ size 133557
infeasible/ACOPF/meta.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1fedd20ff86e7361ebd4d15903b06c3936b2f50d0c2a573ca80ed61ef3cb395e
3
+ size 1631
infeasible/ACOPF/primal.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:8f7f931e280ac5fa2808928ce6fe91d71072f1f718db8d2941f2d846eb30dcda
3
+ size 57738
infeasible/DCOPF/dual.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:8c370903b2eeaf86d008195fa757c474ebcfd442fe7b9a5638ebdb6c1b5635b8
3
+ size 13274
infeasible/DCOPF/meta.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:534cb8cd6274861598ff4845dda5a70062d61643c54d477036948609453c4e77
3
+ size 1519
infeasible/DCOPF/primal.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9c52f3439eded847051f0d9ee256fa22ca3959cce23b22259c5fb48c758f9a62
3
+ size 17477
infeasible/SOCOPF/dual.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:019af0091ce05bf95f0b92e45c37defb3ae6d0f8af9cc1a88383b6281871f8fd
3
+ size 236324
infeasible/SOCOPF/meta.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:28833269e8edd15858f8b84e74850031f766c273220d428638141b0cbfa15684
3
+ size 1581
infeasible/SOCOPF/primal.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:536bddc7052217396445899176426766a89b576b08118997ba1e59bc654301b8
3
+ size 73273
infeasible/input.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:7cd539efdb7b80654617ecb30edc232f19f6b26728a55ab22689f3944842d98a
3
+ size 11189
test/ACOPF/dual.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:08e05c16177ef53f37d082e2381e886907882aed0093f117c7dd17a66fc7499e
3
+ size 1706369347
test/ACOPF/meta.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:710336482d1019724f1409e5dc6add4aedad8d6dc37963b6236e876405d7c2bf
3
+ size 6707463
test/ACOPF/primal.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:dc9edafd9444f0f5bc716c2f70b9a531da6da241084ebcd09118726881bd2f17
3
+ size 751377364
test/DCOPF/dual.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:72f8dd629c05d4c6a7a293f3364e9ad790d4593e25399f567ad38f8843f864fc
3
+ size 20839502
test/DCOPF/meta.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:4d0c9878ae9b90bbb96ef43dcf626a0641c0efd115cc881effe55498c8654574
3
+ size 6472859
test/DCOPF/primal.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:8db0a762c5cfea43bb66ce100981aa764e7edac84d25216b7096ced97e7a18ee
3
+ size 222988589
test/SOCOPF/dual.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:67f9288e35b239ea69eae115bd2eb8bc16a2250b2712e5694369ef9221b62327
3
+ size 3121681265
test/SOCOPF/meta.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ded735554421506b5b0b275ed551398e5633adfa00540a3ace03f1da2a71604f
3
+ size 6768166
test/SOCOPF/primal.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c84f2707838e94c5496c7e6c35d5e595c8a32bbee95ca2694afdeb8c572ed32e
3
+ size 948039255
test/input.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:bdab9e4e8ed39bccb35fd35c5e56c3a8d0a3b18e79f4c2a4cff677e73b5f9928
3
+ size 138779147
train/ACOPF/dual.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:40d09a8c6ed55baeb6bce555a51d67df766d13e231699122d4223815295ad49b
3
+ size 6825443699
train/ACOPF/meta.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b5ec58d2d2d96db7e6714fd5032ee1deb7b9940d89b59379a597fdf8ef048a87
3
+ size 26752421
train/ACOPF/primal.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a651bbe775bdadb5090257b222e45d8e0e0edfb5cfd311fe337f1ce1cbaa41e0
3
+ size 3005486793
train/DCOPF/dual.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:6b84c6dbd4d02295df9bbe9aae8fa4445e96fabc470080362baa3741e2e57684
3
+ size 83215066
train/DCOPF/meta.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:7fce4cc47d8ca85cbd88fb26f49f1997e2f80a57e7517a92c45dcee1b87d5cfa
3
+ size 25810256
train/DCOPF/primal.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:369817d0cbfd0881d448d30cf60699caff3646c952f58d915525bf92900f3613
3
+ size 891923852
train/SOCOPF/dual.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ffef29e20ecf682619f49ca73e72264333a91d3fd69d69a26f9075ab779f290d
3
+ size 12486771368
train/SOCOPF/meta.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c03b6abb978a051df887d43641cf011bfcc7967957754d7453407be309eb004d
3
+ size 26991924
train/SOCOPF/primal.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:8dc1c9ae2a27b8b5acdf1bb6b69ed3b7a856bf9e24a64a0c652cd87310a37f85
3
+ size 3792116672
train/input.h5.gz ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:189abaf463ac7c7aedf175e2d77f2c4b75e808a948757d36290d5f6cd1243283
3
+ size 555096600