notbugAs an Amazon Associate I earn from qualifying purchases.
Want a good read? Try FreeBSD Mastery: Jails (IT Mastery Book 15)
Want a good monitor light? See my photosAll times are UTC
Ukraine
Port details
lbann Livermore Big Artificial Neural Network toolkit
0.102.254_4 misc on this many watch lists=2 search for ports that depend on this port Find issues related to this port Report an issue related to this port View this port on Repology. pkg-fallout 0.102.254_4Version of this port present on the latest quarterly branch.
Broken BROKEN: many C++ errors, broken until the upstream would help, see https://github.com/LLNL/lbann/issues/2407
Ignore IGNORE: is marked as broken: many C++ errors, broken until the upstream would help, see https://github.com/LLNL/lbann/issues/2407
Maintainer: yuri@FreeBSD.org search for ports maintained by this maintainer
Port Added: 2022-12-06 05:51:22
Last Update: 2024-01-25 07:39:38
Commit Hash: 510fb9d0
People watching this port, also watch:: jdictionary, py311-Automat, py311-python-gdsii, py39-PyOpenGL, p5-Sane
License: APACHE20
WWW:
https://github.com/LLNL/lbann
Description:
The Livermore Big Artificial Neural Network toolkit (LBANN) is an open-source, HPC-centric, deep learning training framework that is optimized to compose multiple levels of parallelism. LBANN provides model-parallel acceleration through domain decomposition to optimize for strong scaling of network training. It also allows for composition of model-parallelism with both data parallelism and ensemble training methods for training large neural networks with massive amounts of data. LBANN is able to advantage of tightly-coupled accelerators, low-latency high-bandwidth networking, and high-bandwidth parallel file systems. LBANN supports state-of-the-art training algorithms such as unsupervised, self-supervised, and adversarial (GAN) training methods in addition to traditional supervised learning. It also supports recurrent neural networks via back propagation through time (BPTT) training, transfer learning, and multi-model and ensemble training methods.
Homepage    cgit ¦ Codeberg ¦ GitHub ¦ GitLab ¦ SVNWeb - no subversion history for this port

Manual pages:
FreshPorts has no man page information for this port.
pkg-plist: as obtained via: make generate-plist
Expand this list (535 items)
Collapse this list.
  1. /usr/local/share/licenses/lbann-0.102.254_4/catalog.mk
  2. /usr/local/share/licenses/lbann-0.102.254_4/LICENSE
  3. /usr/local/share/licenses/lbann-0.102.254_4/APACHE20
  4. bin/generate_schema_and_sample_list
  5. bin/lbann
  6. bin/lbann-aecycgan
  7. bin/lbann-cycgan
  8. bin/lbann-gan
  9. bin/lbann-help
  10. bin/lbann-inf
  11. etc/modulefiles/lbann/0.103.0
  12. etc/modulefiles/lbann/0.103.0.lua
  13. include/callbacks.pb.h
  14. include/data_coordinator.pb.h
  15. include/datatype.pb.h
  16. include/layers.pb.h
  17. include/lbann.pb.h
  18. include/lbann/Elemental_extensions.hpp
  19. include/lbann/base.hpp
  20. include/lbann/callbacks/callback.hpp
  21. include/lbann/callbacks/check_dataset.hpp
  22. include/lbann/callbacks/check_gradients.hpp
  23. include/lbann/callbacks/check_init.hpp
  24. include/lbann/callbacks/check_metric.hpp
  25. include/lbann/callbacks/check_nan.hpp
  26. include/lbann/callbacks/check_small.hpp
  27. include/lbann/callbacks/checkpoint.hpp
  28. include/lbann/callbacks/compute_model_size.hpp
  29. include/lbann/callbacks/confusion_matrix.hpp
  30. include/lbann/callbacks/debug.hpp
  31. include/lbann/callbacks/debug_io.hpp
  32. include/lbann/callbacks/dump_error_signals.hpp
  33. include/lbann/callbacks/dump_gradients.hpp
  34. include/lbann/callbacks/dump_minibatch_sample_indices.hpp
  35. include/lbann/callbacks/dump_model_graph.hpp
  36. include/lbann/callbacks/dump_outputs.hpp
  37. include/lbann/callbacks/dump_weights.hpp
  38. include/lbann/callbacks/early_stopping.hpp
  39. include/lbann/callbacks/export_onnx.hpp
  40. include/lbann/callbacks/gpu_memory_usage.hpp
  41. include/lbann/callbacks/hang.hpp
  42. include/lbann/callbacks/imcomm.hpp
  43. include/lbann/callbacks/learning_rate.hpp
  44. include/lbann/callbacks/load_model.hpp
  45. include/lbann/callbacks/ltfb.hpp
  46. include/lbann/callbacks/mixup.hpp
  47. include/lbann/callbacks/monitor_io.hpp
  48. include/lbann/callbacks/perturb_adam.hpp
  49. include/lbann/callbacks/perturb_dropout.hpp
  50. include/lbann/callbacks/perturb_learning_rate.hpp
  51. include/lbann/callbacks/perturb_weights.hpp
  52. include/lbann/callbacks/print_model_description.hpp
  53. include/lbann/callbacks/print_statistics.hpp
  54. include/lbann/callbacks/profiler.hpp
  55. include/lbann/callbacks/replace_weights.hpp
  56. include/lbann/callbacks/save_images.hpp
  57. include/lbann/callbacks/save_model.hpp
  58. include/lbann/callbacks/save_topk_models.hpp
  59. include/lbann/callbacks/set_weights_value.hpp
  60. include/lbann/callbacks/summarize_images.hpp
  61. include/lbann/callbacks/summary.hpp
  62. include/lbann/callbacks/sync_layers.hpp
  63. include/lbann/callbacks/timeline.hpp
  64. include/lbann/callbacks/timer.hpp
  65. include/lbann/callbacks/variable_minibatch.hpp
  66. include/lbann/comm.hpp
  67. include/lbann/comm_impl.hpp
  68. include/lbann/data_coordinator/buffered_data_coordinator.hpp
  69. include/lbann/data_coordinator/buffered_data_coordinator_impl.hpp
  70. include/lbann/data_coordinator/data_coordinator.hpp
  71. include/lbann/data_coordinator/data_coordinator_metadata.hpp
  72. include/lbann/data_coordinator/data_packer.hpp
  73. include/lbann/data_coordinator/io_data_buffer.hpp
  74. include/lbann/data_coordinator/io_data_buffer_impl.hpp
  75. include/lbann/data_readers/compound_data_reader.hpp
  76. include/lbann/data_readers/data_reader.hpp
  77. include/lbann/data_readers/data_reader_HDF5.hpp
  78. include/lbann/data_readers/data_reader_cifar10.hpp
  79. include/lbann/data_readers/data_reader_csv.hpp
  80. include/lbann/data_readers/data_reader_hdf5_legacy.hpp
  81. include/lbann/data_readers/data_reader_image.hpp
  82. include/lbann/data_readers/data_reader_imagenet.hpp
  83. include/lbann/data_readers/data_reader_jag_conduit.hpp
  84. include/lbann/data_readers/data_reader_merge_features.hpp
  85. include/lbann/data_readers/data_reader_merge_samples.hpp
  86. include/lbann/data_readers/data_reader_mesh.hpp
  87. include/lbann/data_readers/data_reader_mnist.hpp
  88. include/lbann/data_readers/data_reader_nci.hpp
  89. include/lbann/data_readers/data_reader_node2vec.hpp
  90. include/lbann/data_readers/data_reader_npz_ras_lipid.hpp
  91. include/lbann/data_readers/data_reader_numpy.hpp
  92. include/lbann/data_readers/data_reader_numpy_npz.hpp
  93. include/lbann/data_readers/data_reader_numpy_npz_conduit.hpp
  94. include/lbann/data_readers/data_reader_pilot2_molecular.hpp
  95. include/lbann/data_readers/data_reader_python.hpp
  96. include/lbann/data_readers/data_reader_sample_list.hpp
  97. include/lbann/data_readers/data_reader_sample_list_impl.hpp
  98. include/lbann/data_readers/data_reader_smiles.hpp
  99. include/lbann/data_readers/data_reader_synthetic.hpp
  100. include/lbann/data_readers/sample_list.hpp
  101. include/lbann/data_readers/sample_list_conduit_io_handle.hpp
  102. include/lbann/data_readers/sample_list_hdf5.hpp
  103. include/lbann/data_readers/sample_list_ifstream.hpp
  104. include/lbann/data_readers/sample_list_impl.hpp
  105. include/lbann/data_readers/sample_list_open_files.hpp
  106. include/lbann/data_readers/sample_list_open_files_impl.hpp
  107. include/lbann/data_readers/utils/input_data_type.hpp
  108. include/lbann/data_store/data_store_conduit.hpp
  109. include/lbann/detect_El_mpi.hpp
  110. include/lbann/execution_algorithms/batch_functional_inference_algorithm.hpp
  111. include/lbann/execution_algorithms/execution_context.hpp
  112. include/lbann/execution_algorithms/factory.hpp
  113. include/lbann/execution_algorithms/kfac.hpp
  114. include/lbann/execution_algorithms/kfac/execution_context.hpp
  115. include/lbann/execution_algorithms/kfac/kfac_block.hpp
  116. include/lbann/execution_algorithms/kfac/kfac_block_bn.hpp
  117. include/lbann/execution_algorithms/kfac/kfac_block_fc_conv.hpp
  118. include/lbann/execution_algorithms/kfac/kfac_block_gru.hpp
  119. include/lbann/execution_algorithms/kfac/kfac_util.hpp
  120. include/lbann/execution_algorithms/ltfb.hpp
  121. include/lbann/execution_algorithms/ltfb/execution_context.hpp
  122. include/lbann/execution_algorithms/ltfb/meta_learning_strategy.hpp
  123. include/lbann/execution_algorithms/ltfb/mutation_strategy.hpp
  124. include/lbann/execution_algorithms/ltfb/random_pairwise_exchange.hpp
  125. include/lbann/execution_algorithms/ltfb/regularized_evolution.hpp
  126. include/lbann/execution_algorithms/ltfb/termination_criteria.hpp
  127. include/lbann/execution_algorithms/ltfb/truncation_selection_exchange.hpp
  128. include/lbann/execution_algorithms/sgd_execution_context.hpp
  129. include/lbann/execution_algorithms/sgd_training_algorithm.hpp
  130. include/lbann/execution_algorithms/training_algorithm.hpp
  131. include/lbann/io/file_io.hpp
  132. include/lbann/io/persist.hpp
  133. include/lbann/io/persist_impl.hpp
  134. include/lbann/layers/activations/activation_layer_builders.hpp
  135. include/lbann/layers/activations/elu.hpp
  136. include/lbann/layers/activations/identity.hpp
  137. include/lbann/layers/activations/leaky_relu.hpp
  138. include/lbann/layers/activations/log_softmax.hpp
  139. include/lbann/layers/activations/relu.hpp
  140. include/lbann/layers/activations/softmax.hpp
  141. include/lbann/layers/data_type_distconv_adapter.hpp
  142. include/lbann/layers/data_type_layer.hpp
  143. include/lbann/layers/distconv_adapter.hpp
  144. include/lbann/layers/image/bilinear_resize.hpp
  145. include/lbann/layers/image/composite_image_transformation.hpp
  146. include/lbann/layers/image/image_layer_builders.hpp
  147. include/lbann/layers/image/rotation.hpp
  148. include/lbann/layers/io/input_layer.hpp
  149. include/lbann/layers/layer.hpp
  150. include/lbann/layers/learning/base_convolution.hpp
  151. include/lbann/layers/learning/channelwise_fully_connected.hpp
  152. include/lbann/layers/learning/channelwise_scale_bias.hpp
  153. include/lbann/layers/learning/convolution.hpp
  154. include/lbann/layers/learning/deconvolution.hpp
  155. include/lbann/layers/learning/distconv/distconv_layers.hpp
  156. include/lbann/layers/learning/embedding.hpp
  157. include/lbann/layers/learning/entrywise_scale_bias.hpp
  158. include/lbann/layers/learning/fully_connected.hpp
  159. include/lbann/layers/learning/gru.hpp
  160. include/lbann/layers/loss/categorical_accuracy.hpp
  161. include/lbann/layers/loss/cross_entropy.hpp
  162. include/lbann/layers/loss/l1_norm.hpp
  163. include/lbann/layers/loss/l2_norm2.hpp
  164. include/lbann/layers/loss/loss_layer_builders.hpp
  165. include/lbann/layers/loss/mean_absolute_error.hpp
  166. include/lbann/layers/loss/mean_squared_error.hpp
  167. include/lbann/layers/loss/top_k_categorical_accuracy.hpp
  168. include/lbann/layers/math/math_builders.hpp
  169. include/lbann/layers/math/matmul.hpp
  170. include/lbann/layers/misc/argmax.hpp
  171. include/lbann/layers/misc/argmin.hpp
  172. include/lbann/layers/misc/channelwise_mean.hpp
  173. include/lbann/layers/misc/channelwise_softmax.hpp
  174. include/lbann/layers/misc/covariance.hpp
  175. include/lbann/layers/misc/dft_abs.hpp
  176. include/lbann/layers/misc/dist_embedding.hpp
  177. include/lbann/layers/misc/mini_batch_index.hpp
  178. include/lbann/layers/misc/mini_batch_size.hpp
  179. include/lbann/layers/misc/misc_builders.hpp
  180. include/lbann/layers/misc/one_hot.hpp
  181. include/lbann/layers/misc/rowwise_weights_norms.hpp
  182. include/lbann/layers/misc/rowwise_weights_norms_impl.hpp
  183. include/lbann/layers/misc/uniform_hash.hpp
  184. include/lbann/layers/misc/variance.hpp
  185. include/lbann/layers/operator_layer.hpp
  186. include/lbann/layers/operator_layer_impl.hpp
  187. include/lbann/layers/regularizers/batch_normalization.hpp
  188. include/lbann/layers/regularizers/dropout.hpp
  189. include/lbann/layers/regularizers/entrywise_batch_normalization.hpp
  190. include/lbann/layers/regularizers/instance_norm.hpp
  191. include/lbann/layers/regularizers/layer_norm.hpp
  192. include/lbann/layers/regularizers/local_response_normalization.hpp
  193. include/lbann/layers/regularizers/selu_dropout.hpp
  194. include/lbann/layers/transform/batchwise_reduce_sum.hpp
  195. include/lbann/layers/transform/bernoulli.hpp
  196. include/lbann/layers/transform/categorical_random.hpp
  197. include/lbann/layers/transform/concatenate.hpp
  198. include/lbann/layers/transform/constant.hpp
  199. include/lbann/layers/transform/crop.hpp
  200. include/lbann/layers/transform/cross_grid_sum.hpp
  201. include/lbann/layers/transform/cross_grid_sum_slice.hpp
  202. include/lbann/layers/transform/discrete_random.hpp
  203. include/lbann/layers/transform/dummy.hpp
  204. include/lbann/layers/transform/evaluation.hpp
  205. include/lbann/layers/transform/gather.hpp
  206. include/lbann/layers/transform/gaussian.hpp
  207. include/lbann/layers/transform/hadamard.hpp
  208. include/lbann/layers/transform/in_top_k.hpp
  209. include/lbann/layers/transform/permute.hpp
  210. include/lbann/layers/transform/pooling.hpp
  211. include/lbann/layers/transform/reduction.hpp
  212. include/lbann/layers/transform/reshape.hpp
  213. include/lbann/layers/transform/scatter.hpp
  214. include/lbann/layers/transform/slice.hpp
  215. include/lbann/layers/transform/sort.hpp
  216. include/lbann/layers/transform/split.hpp
  217. include/lbann/layers/transform/stop_gradient.hpp
  218. include/lbann/layers/transform/sum.hpp
  219. include/lbann/layers/transform/tessellate.hpp
  220. include/lbann/layers/transform/transform_builders.hpp
  221. include/lbann/layers/transform/uniform.hpp
  222. include/lbann/layers/transform/unpooling.hpp
  223. include/lbann/layers/transform/weighted_sum.hpp
  224. include/lbann/layers/transform/weights.hpp
  225. include/lbann/lbann.hpp
  226. include/lbann/macros/common_cereal_registration.hpp
  227. include/lbann/macros/instantiate.hpp
  228. include/lbann/macros/instantiate_device.hpp
  229. include/lbann/macros/register_class_with_cereal.hpp
  230. include/lbann/macros/register_layer_with_cereal.hpp
  231. include/lbann/macros/register_layer_with_cereal_data_parallel_cpu_only.hpp
  232. include/lbann/macros/register_layer_with_cereal_data_parallel_gpu_only.hpp
  233. include/lbann/macros/register_layer_with_cereal_data_parallel_only.hpp
  234. include/lbann/macros/register_layer_with_cereal_gpu_only.hpp
  235. include/lbann/macros/register_operator_with_cereal.hpp
  236. include/lbann/macros/register_template_class_with_cereal.hpp
  237. include/lbann/metrics/layer_metric.hpp
  238. include/lbann/metrics/metric.hpp
  239. include/lbann/models/model.hpp
  240. include/lbann/objective_functions/layer_term.hpp
  241. include/lbann/objective_functions/objective_function.hpp
  242. include/lbann/objective_functions/objective_function_term.hpp
  243. include/lbann/objective_functions/weight_regularization/l2.hpp
  244. include/lbann/operators/activations/activation_builders.hpp
  245. include/lbann/operators/activations/activation_builders_impl.hpp
  246. include/lbann/operators/activations/activations.hpp
  247. include/lbann/operators/builder_macros.hpp
  248. include/lbann/operators/declare_stateless_op.hpp
  249. include/lbann/operators/elementwise_operator.hpp
  250. include/lbann/operators/loss/entrywise.hpp
  251. include/lbann/operators/loss/loss_builders.hpp
  252. include/lbann/operators/loss/loss_builders_impl.hpp
  253. include/lbann/operators/math/abs.hpp
  254. include/lbann/operators/math/binary.hpp
  255. include/lbann/operators/math/binary_with_constant.hpp
  256. include/lbann/operators/math/clamp.hpp
  257. include/lbann/operators/math/math_builders.hpp
  258. include/lbann/operators/math/math_builders_impl.hpp
  259. include/lbann/operators/math/unary.hpp
  260. include/lbann/operators/operator.hpp
  261. include/lbann/optimizers/adagrad.hpp
  262. include/lbann/optimizers/adagrad_impl.hpp
  263. include/lbann/optimizers/adam.hpp
  264. include/lbann/optimizers/adam_impl.hpp
  265. include/lbann/optimizers/data_type_optimizer.hpp
  266. include/lbann/optimizers/data_type_optimizer_impl.hpp
  267. include/lbann/optimizers/hypergradient_adam.hpp
  268. include/lbann/optimizers/hypergradient_adam_impl.hpp
  269. include/lbann/optimizers/optimizer.hpp
  270. include/lbann/optimizers/rmsprop.hpp
  271. include/lbann/optimizers/rmsprop_impl.hpp
  272. include/lbann/optimizers/sgd.hpp
  273. include/lbann/optimizers/sgd_impl.hpp
  274. include/lbann/proto/datatype_helpers.hpp
  275. include/lbann/proto/factories.hpp
  276. include/lbann/proto/init_image_data_readers.hpp
  277. include/lbann/proto/operator_factory.hpp
  278. include/lbann/proto/operator_factory_impl.hpp
  279. include/lbann/proto/proto_common.hpp
  280. include/lbann/trainers/trainer.hpp
  281. include/lbann/transforms/normalize.hpp
  282. include/lbann/transforms/repack_HWC_to_CHW_layout.hpp
  283. include/lbann/transforms/sample_normalize.hpp
  284. include/lbann/transforms/scale.hpp
  285. include/lbann/transforms/scale_and_translate.hpp
  286. include/lbann/transforms/transform.hpp
  287. include/lbann/transforms/transform_pipeline.hpp
  288. include/lbann/transforms/vision/adjust_brightness.hpp
  289. include/lbann/transforms/vision/adjust_contrast.hpp
  290. include/lbann/transforms/vision/adjust_saturation.hpp
  291. include/lbann/transforms/vision/center_crop.hpp
  292. include/lbann/transforms/vision/color_jitter.hpp
  293. include/lbann/transforms/vision/colorize.hpp
  294. include/lbann/transforms/vision/cutout.hpp
  295. include/lbann/transforms/vision/grayscale.hpp
  296. include/lbann/transforms/vision/horizontal_flip.hpp
  297. include/lbann/transforms/vision/normalize_to_lbann_layout.hpp
  298. include/lbann/transforms/vision/random_affine.hpp
  299. include/lbann/transforms/vision/random_crop.hpp
  300. include/lbann/transforms/vision/random_resized_crop.hpp
  301. include/lbann/transforms/vision/random_resized_crop_with_fixed_aspect_ratio.hpp
  302. include/lbann/transforms/vision/resize.hpp
  303. include/lbann/transforms/vision/resized_center_crop.hpp
  304. include/lbann/transforms/vision/to_lbann_layout.hpp
  305. include/lbann/transforms/vision/vertical_flip.hpp
  306. include/lbann/utils/accumulating_timer.hpp
  307. include/lbann/utils/argument_parser.hpp
  308. include/lbann/utils/beta.hpp
  309. include/lbann/utils/cloneable.hpp
  310. include/lbann/utils/cnpy_utils.hpp
  311. include/lbann/utils/commify.hpp
  312. include/lbann/utils/compiler_control.hpp
  313. include/lbann/utils/cufft_wrapper.hpp
  314. include/lbann/utils/cyg_profile.hpp
  315. include/lbann/utils/dataset.hpp
  316. include/lbann/utils/describable.hpp
  317. include/lbann/utils/description.hpp
  318. include/lbann/utils/dim_helpers.hpp
  319. include/lbann/utils/distconv.hpp
  320. include/lbann/utils/dnn_enums.hpp
  321. include/lbann/utils/dnn_lib/convolution.hpp
  322. include/lbann/utils/dnn_lib/cudnn.hpp
  323. include/lbann/utils/dnn_lib/cudnn/convolution.hpp
  324. include/lbann/utils/dnn_lib/cudnn/dropout.hpp
  325. include/lbann/utils/dnn_lib/cudnn/local_response_normalization.hpp
  326. include/lbann/utils/dnn_lib/cudnn/pooling.hpp
  327. include/lbann/utils/dnn_lib/cudnn/softmax.hpp
  328. include/lbann/utils/dnn_lib/cudnn/utils.hpp
  329. include/lbann/utils/dnn_lib/dnn_lib.hpp
  330. include/lbann/utils/dnn_lib/dropout.hpp
  331. include/lbann/utils/dnn_lib/helpers.hpp
  332. include/lbann/utils/dnn_lib/local_response_normalization.hpp
  333. include/lbann/utils/dnn_lib/miopen.hpp
  334. include/lbann/utils/dnn_lib/miopen/convolution.hpp
  335. include/lbann/utils/dnn_lib/miopen/dropout.hpp
  336. include/lbann/utils/dnn_lib/miopen/local_response_normalization.hpp
  337. include/lbann/utils/dnn_lib/miopen/pooling.hpp
  338. include/lbann/utils/dnn_lib/miopen/softmax.hpp
  339. include/lbann/utils/dnn_lib/miopen/utils.hpp
  340. include/lbann/utils/dnn_lib/onednn.hpp
  341. include/lbann/utils/dnn_lib/onednn/softmax.hpp
  342. include/lbann/utils/dnn_lib/openmp.hpp
  343. include/lbann/utils/dnn_lib/openmp/softmax.hpp
  344. include/lbann/utils/dnn_lib/pooling.hpp
  345. include/lbann/utils/dnn_lib/softmax.hpp
  346. include/lbann/utils/entrywise_operator.hpp
  347. include/lbann/utils/enum_iterator.hpp
  348. include/lbann/utils/environment_variable.hpp
  349. include/lbann/utils/exception.hpp
  350. include/lbann/utils/factory.hpp
  351. include/lbann/utils/factory_error_policies.hpp
  352. include/lbann/utils/fft_common.hpp
  353. include/lbann/utils/fftw_wrapper.hpp
  354. include/lbann/utils/file_utils.hpp
  355. include/lbann/utils/from_string.hpp
  356. include/lbann/utils/glob.hpp
  357. include/lbann/utils/gpu/cuda.hpp
  358. include/lbann/utils/gpu/gpu_lib.hpp
  359. include/lbann/utils/gpu/helpers.hpp
  360. include/lbann/utils/gpu/rocm.hpp
  361. include/lbann/utils/gpu/sync_info_helpers.hpp
  362. include/lbann/utils/graph.hpp
  363. include/lbann/utils/hash.hpp
  364. include/lbann/utils/hydrogen_utils.hpp
  365. include/lbann/utils/im2col.hpp
  366. include/lbann/utils/image.hpp
  367. include/lbann/utils/impl/cuda.hpp
  368. include/lbann/utils/impl/gpu_lib.hpp
  369. include/lbann/utils/impl/rocm.hpp
  370. include/lbann/utils/jag_utils.hpp
  371. include/lbann/utils/lbann_library.hpp
  372. include/lbann/utils/make_abstract.hpp
  373. include/lbann/utils/memory.hpp
  374. include/lbann/utils/mild_exception.hpp
  375. include/lbann/utils/number_theory.hpp
  376. include/lbann/utils/numerical_traits.hpp
  377. include/lbann/utils/nvshmem.hpp
  378. include/lbann/utils/omp_diagnostics.hpp
  379. include/lbann/utils/omp_pragma.hpp
  380. include/lbann/utils/onnx_utils.hpp
  381. include/lbann/utils/opencv.hpp
  382. include/lbann/utils/options.hpp
  383. include/lbann/utils/output_helpers.hpp
  384. include/lbann/utils/peek_map.hpp
  385. include/lbann/utils/profiling.hpp
  386. include/lbann/utils/protobuf.hpp
  387. include/lbann/utils/protobuf/decl.hpp
  388. include/lbann/utils/protobuf/impl.hpp
  389. include/lbann/utils/protobuf_serializable.hpp
  390. include/lbann/utils/protobuf_utils.hpp
  391. include/lbann/utils/python.hpp
  392. include/lbann/utils/random.hpp
  393. include/lbann/utils/random_number_generators.hpp
  394. include/lbann/utils/running_statistics.hpp
  395. include/lbann/utils/serialization/cereal_utils.hpp
  396. include/lbann/utils/serialization/rooted_archive_adaptor.hpp
  397. include/lbann/utils/serialization/serialize_half.hpp
  398. include/lbann/utils/serialization/serialize_matrices.hpp
  399. include/lbann/utils/serialization/serialize_matrices_impl.hpp
  400. include/lbann/utils/serialize.hpp
  401. include/lbann/utils/stack_profiler.hpp
  402. include/lbann/utils/stack_trace.hpp
  403. include/lbann/utils/statistics.hpp
  404. include/lbann/utils/summary.hpp
  405. include/lbann/utils/summary_impl.hpp
  406. include/lbann/utils/sync_info_helpers.hpp
  407. include/lbann/utils/system_info.hpp
  408. include/lbann/utils/tagged_dispatch.hpp
  409. include/lbann/utils/tensor.hpp
  410. include/lbann/utils/tensor_impl.hpp
  411. include/lbann/utils/threads/thread_pool.hpp
  412. include/lbann/utils/threads/thread_safe_queue.hpp
  413. include/lbann/utils/threads/thread_topology.hpp
  414. include/lbann/utils/threads/thread_utils.hpp
  415. include/lbann/utils/threads/type_erased_function.hpp
  416. include/lbann/utils/timer.hpp
  417. include/lbann/utils/timer_map.hpp
  418. include/lbann/utils/trainer_file_utils.hpp
  419. include/lbann/utils/type_erased_matrix.hpp
  420. include/lbann/utils/typename.hpp
  421. include/lbann/utils/vectorwrapbuf.hpp
  422. include/lbann/utils/visitor_hooks.hpp
  423. include/lbann/weights/data_type_weights.hpp
  424. include/lbann/weights/data_type_weights_impl.hpp
  425. include/lbann/weights/initializer.hpp
  426. include/lbann/weights/variance_scaling_initializers.hpp
  427. include/lbann/weights/weights.hpp
  428. include/lbann/weights/weights_helpers.hpp
  429. include/lbann/weights/weights_proxy.hpp
  430. include/lbann_config.hpp
  431. include/metrics.pb.h
  432. include/model.pb.h
  433. include/objective_functions.pb.h
  434. include/operators.pb.h
  435. include/optimizers.pb.h
  436. include/reader.pb.h
  437. include/trainer.pb.h
  438. include/training_algorithm.pb.h
  439. include/transforms.pb.h
  440. include/weights.pb.h
  441. lib/cmake/lbann/LBANNConfig.cmake
  442. lib/cmake/lbann/LBANNConfigVersion.cmake
  443. lib/cmake/lbann/LBANNTargets-release.cmake
  444. lib/cmake/lbann/LBANNTargets.cmake
  445. lib/cmake/lbann/modules/FindBreathe.cmake
  446. lib/cmake/lbann/modules/FindCNPY.cmake
  447. lib/cmake/lbann/modules/FindClara.cmake
  448. lib/cmake/lbann/modules/FindFFTW.cmake
  449. lib/cmake/lbann/modules/FindHWLOC.cmake
  450. lib/cmake/lbann/modules/FindNVSHMEM.cmake
  451. lib/cmake/lbann/modules/FindNVTX.cmake
  452. lib/cmake/lbann/modules/FindRoctracer.cmake
  453. lib/cmake/lbann/modules/FindSphinx.cmake
  454. lib/cmake/lbann/modules/FindVTune.cmake
  455. lib/cmake/lbann/modules/FindZSTR.cmake
  456. lib/cmake/lbann/modules/FindcuDNN.cmake
  457. lib/cmake/lbann/modules/FindcuFFT.cmake
  458. lib/cmake/lbann/modules/FindcuTENSOR.cmake
  459. lib/cmake/lbann/modules/FindcuTT.cmake
  460. lib/cmake/lbann/modules/LBANNCMakeUtilities.cmake
  461. lib/cmake/lbann/modules/LBANNClangFormat.cmake
  462. lib/cmake/lbann/modules/LBANNDebugUtilities.cmake
  463. lib/cmake/lbann/modules/LBANNWritePythonFeatures.cmake
  464. lib/cmake/lbann/modules/SetupCXX.cmake
  465. lib/cmake/lbann/modules/SetupMPI.cmake
  466. lib/cmake/lbann/modules/SetupOpenMP.cmake
  467. lib/cmake/lbann/modules/SetupProtobuf.cmake
  468. lib/libLbannProto.so
  469. lib/liblbann.so
  470. lib/liblbann.so.0.103.0
  471. share/model_zoo/README.md
  472. share/model_zoo/data_readers/CANDLE/data_reader_candle_pilot2_3k_run16.prototext
  473. share/model_zoo/data_readers/CANDLE/pilot2/data_reader_candle_pilot2.prototext
  474. share/model_zoo/data_readers/CANDLE/pilot2/data_reader_candle_pilot2_3k.prototext
  475. share/model_zoo/data_readers/CANDLE/pilot2/data_reader_candle_pilot2_3k_run10.prototext
  476. share/model_zoo/data_readers/CANDLE/pilot2/data_reader_candle_pilot2_3k_run16.prototext
  477. share/model_zoo/data_readers/CANDLE/pilot2/data_reader_candle_pilot2_6k.prototext
  478. share/model_zoo/data_readers/CANDLE/pilot2/data_reader_candle_pilot2_6k_run10.prototext
  479. share/model_zoo/data_readers/data_reader_candle_pilot1.prototext
  480. share/model_zoo/data_readers/data_reader_candle_pilot1_combo.prototext
  481. share/model_zoo/data_readers/data_reader_candle_pilot1_gdc.prototext
  482. share/model_zoo/data_readers/data_reader_candle_pilot1_growth.prototext
  483. share/model_zoo/data_readers/data_reader_cifar10.prototext
  484. share/model_zoo/data_readers/data_reader_jag.prototext
  485. share/model_zoo/data_readers/data_reader_mnist.prototext
  486. share/model_zoo/data_readers/data_reader_mnist_numpy_npz_int16.prototext
  487. share/model_zoo/data_readers/data_reader_nci.prototext
  488. share/model_zoo/data_readers/data_reader_nci.prototext.bve
  489. share/model_zoo/data_readers/data_reader_synthetic.prototext
  490. share/model_zoo/data_readers/data_reader_synthetic_cosmoflow_128.prototext
  491. share/model_zoo/data_readers/data_reader_synthetic_imagenet.prototext
  492. share/model_zoo/models/autoencoder_candle_pilot1/README.md
  493. share/model_zoo/models/autoencoder_candle_pilot1/data_readers/data_reader_candle_pilot1.prototext
  494. share/model_zoo/models/autoencoder_candle_pilot1/model_autoencoder_chem_ecfp.prototext
  495. share/model_zoo/models/autoencoder_candle_pilot1/model_autoencoder_chem_ecfp.py
  496. share/model_zoo/models/autoencoder_candle_pilot1/model_dnn_chem_ecfp.prototext
  497. share/model_zoo/models/autoencoder_candle_pilot1/model_dnn_chem_ecfp.py
  498. share/model_zoo/models/candle/pilot1/ae_nodeselect_gdc.prototext
  499. share/model_zoo/models/candle/pilot1/combo.prototext
  500. share/model_zoo/models/gan/mnist/adversarial_model.prototext
  501. share/model_zoo/models/gan/mnist/discriminator_model.prototext
  502. share/model_zoo/models/python/README.md
  503. share/model_zoo/models/python/common.py
  504. share/model_zoo/models/python/defaults.txt
  505. share/model_zoo/models/python/expandMotifs.py
  506. share/model_zoo/models/python/generator_base.py
  507. share/model_zoo/models/python/indexToStringPrototextFix.py
  508. share/model_zoo/models/python/keras/README.md
  509. share/model_zoo/models/python/keras/kerbann.py
  510. share/model_zoo/models/python/keras/mnist_cnn.prototext
  511. share/model_zoo/models/python/keras/mnist_cnn.py
  512. share/model_zoo/models/python/test.py
  513. share/model_zoo/models/python/test_setup.py
  514. share/model_zoo/optimizers/opt_adagrad.prototext
  515. share/model_zoo/optimizers/opt_adam.prototext
  516. share/model_zoo/optimizers/opt_hypergradient_adam.prototext
  517. share/model_zoo/optimizers/opt_rmsprop.prototext
  518. share/model_zoo/optimizers/opt_sgd.prototext
  519. share/model_zoo/tests/CMakeLists.txt
  520. share/model_zoo/tests/comm_test.cpp
  521. share/model_zoo/tests/conduit_timing_test.cpp
  522. share/model_zoo/tests/data_reader_tests/jag_single_layer_ae.prototext
  523. share/model_zoo/tests/model_jag_single_layer_ae.prototext
  524. share/model_zoo/tests/model_lenet_mnist_ckpt.prototext
  525. share/model_zoo/tests/model_lenet_mnist_dist_ckpt.prototext
  526. share/model_zoo/tests/model_lenet_mnist_lbann2ckpt.prototext
  527. share/model_zoo/tests/test_utils.hpp
  528. share/scripts/plotting/event_pb2.py
  529. share/scripts/plotting/load_events.py
  530. share/scripts/plotting/plot_comp_times.py
  531. share/scripts/plotting/print_times.py
  532. share/scripts/plotting/summary_pb2.py
  533. @owner
  534. @group
  535. @mode
Collapse this list.
Dependency lines:
  • lbann>0:misc/lbann
To install the port:
cd /usr/ports/misc/lbann/ && make install clean
We doubt a package is available for this port because we see it marked as as:
  • Broken
  • Ignore
Packages are normally not provided for ports that are marked as above.
To add the package, run one of these commands:
  • pkg install misc/lbann
  • pkg install lbann
NOTE: If this package has multiple flavors (see below), then use one of them instead of the name specified above.
PKGNAME: lbann
Flavors: there is no flavor information for this port.
distinfo:
TIMESTAMP = 1669925855 SHA256 (LLNL-lbann-v0.102-254-g2e3012a9a_GH0.tar.gz) = e2a956216207fd745ed4eed0bfe763c5807ad4ab1d27417d6678738d07c2db35 SIZE (LLNL-lbann-v0.102-254-g2e3012a9a_GH0.tar.gz) = 7973922

Expand this list (8 items)

Collapse this list.

SHA256 (KIwabuchi-havoqgt-100f63b_GH0.tar.gz) = 5f1c1bc00606ae9b7bd17e06ba89f6201e4d60b68860473b2453f190e45a4bd2 SIZE (KIwabuchi-havoqgt-100f63b_GH0.tar.gz) = 12691923 SHA256 (samadejacobs-moses-28932ce_GH0.tar.gz) = 2ffa21181289f9eb186909afa329bcbbc5ca72a6e7312f0d66c588d0d394b395 SIZE (samadejacobs-moses-28932ce_GH0.tar.gz) = 86729395 SHA256 (snap-stanford-snap-58a1e6a_GH0.tar.gz) = 71f7f034a0fbec44aa266263f67fcc0dbdd35a1e5c4ed5b19215521d71d0184b SIZE (snap-stanford-snap-58a1e6a_GH0.tar.gz) = 8051667 SHA256 (catchorg-Clara-2bfd8b2_GH0.tar.gz) = 679332a04a59d13517a6f56a14b70125a157e6cc7c49bb530b52521c38eef41d SIZE (catchorg-Clara-2bfd8b2_GH0.tar.gz) = 128573

Collapse this list.


No package information for this port in our database
Sometimes this happens. Not all ports have packages. Perhaps there is a build error. Check the fallout link: pkg-fallout
Dependencies
NOTE: FreshPorts displays only information on required and default dependencies. Optional dependencies are not covered.
Build dependencies:
  1. cereal>0 : devel/cereal
  2. dihydrogen>0 : math/dihydrogen
  3. zstr>0 : archivers/zstr
  4. cmake : devel/cmake-core
  5. ninja : devel/ninja
  6. pkgconf>=1.3.0_1 : devel/pkgconf
Library dependencies:
  1. libconduit.so : science/conduit
  2. libhdf5.so : science/hdf5
  3. libHydrogen_CXX.so : math/hydrogen
  4. libopenblas.so : math/openblas
  5. libprotobuf.so : devel/protobuf
  6. libsiloh5.so : science/silo
  7. libmpich.so : net/mpich
There are no ports dependent upon this port

Configuration Options:
===> The following configuration options are available for lbann-0.102.254_4: ====> MPI (Message Passing Interface) support: you have to select exactly one of them MPICH=on: Parallel processing support via MPICH 3 OPENMPI=off: Parallel processing support via Open MPI ===> Use 'make config' to modify these settings
Options name:
misc_lbann
USES:
cmake:testing compiler:c++17-lang localbase:ldflags pkgconfig mpi:mpich
FreshPorts was unable to extract/find any pkg message
Master Sites:
Expand this list (1 items)
Collapse this list.
  1. https://codeload.github.com/LLNL/lbann/tar.gz/v0.102-254-g2e3012a9a?dummy=/
Collapse this list.

Number of commits found: 7

Commit History - (may be incomplete: for full details, see links to repositories near top of page)
CommitCreditsLog message
0.102.254_4
25 Jan 2024 07:39:38
commit hash: 510fb9d0d0941b10016430fdb883124b192679ddcommit hash: 510fb9d0d0941b10016430fdb883124b192679ddcommit hash: 510fb9d0d0941b10016430fdb883124b192679ddcommit hash: 510fb9d0d0941b10016430fdb883124b192679dd files touched by this commit
Yuri Victorovich (yuri) search for other commits by this committer
misc/lbann: Broken

Many C++ errors which are unclear how to fix.
0.102.254_4
14 Dec 2023 17:03:10
commit hash: 69e2e87fa56b54e267429b326f7f6188a7baaa71commit hash: 69e2e87fa56b54e267429b326f7f6188a7baaa71commit hash: 69e2e87fa56b54e267429b326f7f6188a7baaa71commit hash: 69e2e87fa56b54e267429b326f7f6188a7baaa71 files touched by this commit
Po-Chuan Hsieh (sunpoet) search for other commits by this committer
devel/protobuf: Update to 24.4

- Use USES=pathfix to fix .pc installation
- Bump PORTREVISION of dependent ports for shlib change

Changes:	https://github.com/protocolbuffers/protobuf/releases
0.102.254_3
14 Dec 2023 17:03:06
commit hash: 22f31cfa360640812df820452e62c8de2e6cf795commit hash: 22f31cfa360640812df820452e62c8de2e6cf795commit hash: 22f31cfa360640812df820452e62c8de2e6cf795commit hash: 22f31cfa360640812df820452e62c8de2e6cf795 files touched by this commit
Po-Chuan Hsieh (sunpoet) search for other commits by this committer
misc/lbann: Fix build with protobuf 22+

- While I'm here, remove patch-cmake_modules_SetupProtobuf.cmake which is no
longer needed now
0.102.254_3
10 Dec 2023 10:23:11
commit hash: 843da99a87b4c6b3953bcd4153ed1212636783c9commit hash: 843da99a87b4c6b3953bcd4153ed1212636783c9commit hash: 843da99a87b4c6b3953bcd4153ed1212636783c9commit hash: 843da99a87b4c6b3953bcd4153ed1212636783c9 files touched by this commit
Thierry Thomas (thierry) search for other commits by this committer
*/*: bump PORTREVISION after the upgrade of MPICH to 4.1.2
0.102.254_2
08 Nov 2023 23:31:43
commit hash: 806cc93954f11a4cf572f7cfec9c1dac5f08bd9ecommit hash: 806cc93954f11a4cf572f7cfec9c1dac5f08bd9ecommit hash: 806cc93954f11a4cf572f7cfec9c1dac5f08bd9ecommit hash: 806cc93954f11a4cf572f7cfec9c1dac5f08bd9e files touched by this commit
Yuri Victorovich (yuri) search for other commits by this committer
math/hydrogen: update 1.5.2 → 1.5.3

Reported by:	portscout
0.102.254_1
23 Apr 2023 09:09:58
commit hash: 8d3e020ed032a8db00208994d0db646de7dc6f5bcommit hash: 8d3e020ed032a8db00208994d0db646de7dc6f5bcommit hash: 8d3e020ed032a8db00208994d0db646de7dc6f5bcommit hash: 8d3e020ed032a8db00208994d0db646de7dc6f5b files touched by this commit
Gerald Pfeifer (gerald) search for other commits by this committer
*: Bump PORTREVISIONs for math/mpc update to 1.3.1
0.102.254
06 Dec 2022 05:50:20
commit hash: 26f7cf9a835efc428c92acc060343a9ca62f1dedcommit hash: 26f7cf9a835efc428c92acc060343a9ca62f1dedcommit hash: 26f7cf9a835efc428c92acc060343a9ca62f1dedcommit hash: 26f7cf9a835efc428c92acc060343a9ca62f1ded files touched by this commit
Yuri Victorovich (yuri) search for other commits by this committer
misc/lbann: New port: Livermore Big Artificial Neural Network toolkit

Number of commits found: 7