Search

Open-CE

The OSU Open Source Lab (OSUOSL) and Center for Quantitative Life Sciences (CQLS; previously CGRB) partner with IBM to provide download resources around Open-CE. Open-CE is a community driven set of software frameworks for implementing machine learning, deep learning, and AI models. It is built for standard Linux platforms based on the ppc64le and x86_64 architectures, and is accelerated by IBM POWER10 or NVIDIA GPU technologies.

We serve mid-stream between the public and development by building the Open-CE environment downstream of the development team. If any problems arise during the builds, we share the results of our attempts and help coordinate a fix with the development team. The result is a publicly available conda channel of prebuilt packages.


The source we pull from: https://github.com/open-ce/open-ce

The build tools: https://github.com/open-ce/open-ce-builder

Questions and general discussions involving OSU’s builds can be directed to the Open-CE Slack team: https://open-ce.slack.com/archives/C06DGE5GHND.

Open-CE Release 1.11.5

*Release date: 02/10/2025**

This is release 1.11.5 of Open Cognitive Environment (Open-CE), which contains CVE fixes.

*1.11.4 was completed on 12/04/2024. Due to the holiday season, 1.11.4 updates are combined with 1.11.5. x86_64 was released 03/28/2025

Build Status:

CPU ArchBuild BasePy3.10Py3.11CPU-onlyCUDA 12.2Date
ppc64le(P9)UBI 8DONEDONEDONEDONE02/10/2025
ppc64le(P10)UBI 9DONEDONEDONEN/A02/10/2025
x86_64UBI 9DONEDONEDONEDONE03/28/2025

What’s New

  • Updated Packages

    • aiohappyeyeballs 2.4.0
    • aiohttp 3.10.2
    • anyio 3.7.1
    • backports.tarfile 1.0.0
    • bazel 6.5.0
    • bitsandbytes 0.44.0
    • black 24.8.0
    • cattrs 24.1.2
    • cryptography 43.0.3
    • cryptography-vectors 43.0.3
    • deepspeed 0.15.1
    • diskcache 5.6.3
    • exceptiongroup 1.2.2
    • fastapi 0.109.1
    • hatch-requirements-txt 0.4.1
    • jaraco.context 5.3.0
    • jaraco.test 5.4.0
    • jaraco.text 3.7.0
    • langchain 0.2.16
    • langchain-community 0.2.9
    • langchain-core 0.2.39
    • langchain-text-splitters 0.2.4
    • langsmith 0.1.120
    • llama-cpp-python 0.3.1
    • llama.cpp 0.0.3821
    • maturin 1.7.1
    • mockupdb 1.7.0
    • numpy 1.26.0
    • numpy-base 1.26.0
    • nvcc_linux-ppc64le 12.2
    • polars 1.7.1
    • polars-lts-cpu 1.7.1
    • polars-u64-idx 1.7.1
    • proxy-py 2.4.7
    • pydantic 2.5.3
    • pydantic-core 2.14.6
    • pydantic-settings 2.0.1
    • pymongo 4.8.0
    • pyopenssl 24.2.1
    • pytest-subprocess 1.5.2
    • python-multipart 0.0.7
    • pytorch-lightning 2.3.3
    • ray-air 2.35.0
    • ray-all 2.35.0
    • ray-client 2.35.0
    • ray-core 2.35.0
  • This Release Supports

    • IBM Power 10 MMA
    • Nvidia CUDA 12.2
    • Python 3.10, 3.11
  • Important Notes

    • Release 1.11.4
      • Drops support for CUDA 11.8
      • No support for Python 3.10

Learn More

Get information about planning, configuring, and managing Open-CE below:

Planning

We recommend users use one of the listed operating systems listed below. This is a standard conda repository and can be added to any conda install. Conda must be configured to give priority to installing packages from this channel.

System Setup

Open-CE can be installed and run directly on a bare-metal or VM systems installed with [RH]EL and Ubuntu.

OSU Supported Hardware

  • IBM Power 10 systems
  • IBM Power 9 IC922 systems with NVIDIA Tesla T4 GPUs
  • IBM Power 9 AC922 systems with NVIDIA Tesla V100 GPUs
  • x86_64 systems with NVIDIA Tesla V100 or P100 GPUs

Supported Operating Systems

  • ppc64le

    • Red Hat Enterprise Linux for POWER LE 8.1+
    • Rocky / Alma Linux 8.1+
    • Ubuntu 20.04.X
  • x86

    • Red Hat Enterprise Linux for POWER LE 8.1+, 9.1+
    • Rocky / Alma Linux 8.1+, 9.1+
    • Ubuntu 20.04.X, 22.04.X
Nvidia GPUs Required Software
  • NVIDIA GPU driver >=520.61.05
  • CUDA version 12.2

Installing the Open-CE Repository and Frameworks

Setting Up the Software Repository

The Open-CE MLDL packages are distributed as conda packages in an online conda repository. Conda must be configured to give priority to installing packages from this channel.

Add the Open-CE channel to the conda configuration by running the following command:

conda config --prepend channels https://ftp.osuosl.org/pub/open-ce/current/

With conda, you can create environments that have different versions of Python or packages installed in them. Conda environments are optional but recommended. If not used, packages are installed in the default environment called base, which often has a higher risk of containing conflicting packages or dependencies. Switching between environments is called activating the environment.

The syntax to create and activate a conda environment is:

conda create --name <environment name> python=<python version>
conda activate <environment name>

Note: It is recommended that you specify the Python version when creating a new environment. If you do not specify the version, Python 3.7 is installed when any package that requires Python are installed.

The only valid Python versions with Open-CE 1.9 are Python 3.9 and 3.10.

For example, to create an environment named opence_env with Python 3.9:

conda create --name opence_env python=3.11
conda activate opence_env

For more information on what you can do with conda environment see https://conda.io/projects/conda/en/latest/user-guide/tasks/manage-environments.html.

Note: Open-CE should be run as a non-privileged user and not root. The Open-CE components are designed to be usable by normal users, and the pre-installed docker images provide a non-root user by default. Some of the Open-CE components will give warnings or will fail when run as root.

Installing Frameworks Individually

You can install the MLDL frameworks individually. The framework packages include the following versions.

Table 1. Framework Packages (current to v1.11.5)
PackageLatest VersionSummarynoarch
_pytorch_select2.0Package used to select the specific PyTorch build variant
_tensorflow_select2.0Package used to select the specific Tensorflow build variant
absl-py2.0.0This repository is a collection of Python library code for building…
aiohappyeyeballs2.4.0Happy Eyeballs for asyncioX
aiohttp3.10.2Async http client/server framework (asyncio)
aioredis2.0.1asyncio (PEP 3156) Redis supportX
aiorwlock1.3.0Read write lock for asyncio.X
annotated-types0.6.0Reusable constraint types to use with typing.Annotated
anyio3.7.1High level compatibility layer for multiple asynchronous event loop…X
apache-beam2.53.0Apache Beam: An advanced unified programming model
array-record0.2.0A new file format derived from Riegeli
arrow-cpp15.0.1C++ libraries for Apache Arrow
arrow-cpp-proc15.0.1A meta-package to select Arrow build variant
arviz0.14.0Exploratory analysis of Bayesian models with PythonX
av10.0.0Pythonic bindings for FFmpeg.
backoff2.2.1Function decoration for backoff and retryX
backports.tarfile1.0.0Backport of CPython tarfile moduleX
bazel6.5.0build system originally authored by Google
bitsandbytes0.44.0The bitsandbytes library is a lightweight Python wrapper around CUDA…
black24.8.0The uncompromising code formatter.
blas1.0None
blessed1.19.1Easy, practical library for making terminal apps, by providing an…X
boost_mp111.76.0C++11 metaprogramming library
bsddb36.2.9Python bindings for Oracle Berkeley DB
cattrs24.1.2Composable complex class support for attrs and dataclasses.X
cfitsio3.470A library for reading and writing FITS files
cli112.2.0CLI11 is a command line parser for C++11 and beyond that provides a…
cmake3.26.4CMake is an extensible, open-source system that manages the build process
cmdstan2.33.1CmdStan, the command line interface to Stan
cmdstanpy1.2.0CmdStanPy is a lightweight interface to Stan for Python users which…X
coin-or-cbc2.10.7COIN-OR branch and cut (Cbc)
coin-or-cgl0.60.6COIN-OR Cut Generation Library (Cgl)
coin-or-clp1.17.7COIN-OR linear programming (Clp)
coin-or-osi0.108.7Coin OR Open Solver Interface (OSI)
coin-or-utils2.11.6COIN-OR Utilities (CoinUtils)
coincbc2.10.7COIN-OR branch and cut (Cbc)X
crcmod1.7CRC Generator
cryptography43.0.3Provides cryptographic recipes and primitives to Python developers
cryptography-vectors43.0.3Test vectors for cryptography.
cudatoolkit12.2.0CUDA Toolkit - Including CUDA runtime
cudatoolkit-dev12.2.0Develop, Optimize and Deploy GPU-accelerated Apps
cudnn8.9.6_12.2The NVIDIA CUDA Deep Neural Network library. A GPU-accelerated library…
dali1.32.0A library containing both highly optimized building blocks and an…
dali-ffmpeg5.1.1Cross-platform solution to record, convert and stream audio and video.
dali-tf-plugin1.32.0A library containing both highly optimized building blocks and an…
datasets2.16.1HuggingFace/Datasets is an open library of NLP datasets.X
dateutils0.6.12Various utilities for working with date and datetime objectsX
deepdiff5.8.1Deep Difference and Search of any Python object/data.X
deepspeed0.15.1DeepSpeed Library: An easy-to-use deep learning optimization software suite.
diskcache5.6.3Disk and file backed cache.X
dm-tree0.1.8A library for working with nested data structures.
eigen3.4.0C++ template library for linear algebra
etils1.0.0Collection of eclectic utils for python.X
exceptiongroup1.2.2Backport of PEP 654 (exception groups)X
fastapi0.109.1FastAPI framework, high performance, easy to learn, fast to code, ready…X
ffmpeg4.2.2Cross-platform solution to record, convert and stream audio and video.
fire0.4.0Python Fire is a library for creating command line interfaces (CLIs)…X
flatbuffers23.1.21Memory Efficient Serialization Library
fsspec2023.10.0A specification for pythonic filesystemsX
gmock1.13.0Google's C++ test framework
googledrivedownloader0.4Minimal class to download shared files from Google Drive.X
grpc-cpp1.54.3gRPC - A high-performance, open-source universal RPC framework
grpcio1.54.3HTTP/2-based RPC framework
gtest1.13.0Google's C++ test framework
hatch-fancy-pypi-readme23.1.0Fancy PyPI READMEs with HatchX
hatch-requirements-txt0.4.1Hatchling plugin to read project dependencies from requirements.txtX
hjson-py3.1.0Hjson, a user interface for JSON.X
holidays0.27Generate and work with holidays in PythonX
horovod0.28.1Distributed training framework for TensorFlow, Keras, PyTorch, and Apache MXNet.
httplib20.19.1A comprehensive HTTP client libraryX
huggingface_hub0.20.0Client library to download and publish models on the huggingface.co hubX
inquirer2.10.1Collection of common interactive command line user interfaces, based on…X
jaraco.context5.3.0Context managers by jaracoX
jaraco.test5.4.0Testing support by jaracoX
jaraco.text3.7.0Module for text manipulation
java-11-openjdk-cos7-ppc64le11.0.6.10(CDT) OpenJDK Runtime EnvironmentX
java-11-openjdk-devel-cos7-ppc64le11.0.6.10(CDT) OpenJDK Development ToolkitX
java-11-openjdk-headless-cos7-ppc64le11.0.6.10(CDT) The OpenJDK runtime environment without audio and video supportX
joblib1.3.2Lightweight pipelining: using Python functions as pipeline jobs.X
jpeg-turbo2.1.4IJG JPEG compliant runtime library with SIMD and other optimizations
jsonpatch1.33Apply JSON-Patches (RFC 6902)X
keras2.14.0Deep Learning for Python
langchain0.2.16Building applications with LLMs through composabilityX
langchain-community0.2.9Community contributed LangChain integrations.X
langchain-core0.2.39Core APIs for LangChain, the LLM framework for buildilng applications…X
langchain-text-splitters0.2.4LangChain text splitting utilitiesX
langsmith0.1.120Client library to connect to the LangSmith language model tracing and…X
libabseil20230125.0Abseil Common Libraries (C++)
libdate3.0.1A date and time library based on the C++11/14/17 <chrono> header
libflac1.3.3Flac audio format
liblightgbm4.2.0Light Gradient Boosting Machine that uses tree based learning algorithms
libmamba1.5.7A fast drop-in alternative to conda, using libsolv for dependency resolution
libmambapy1.5.7A fast drop-in alternative to conda, using libsolv for dependency resolution
libnvjitlink12.2.140CUDA nvJitLink library
libopenblas0.3.27An Optimized BLAS library
libopenblas-static0.3.27OpenBLAS static libraries.
libopencv4.8.1Computer vision and machine learning software library.
libortools9.6Google Operations Research Tools (or-tools) python package
libprotobuf3.21.12Protocol Buffers - Google's data interchange format. C++ Libraries…
libprotobuf-static3.21.12Protocol Buffers - Google's data interchange format. C++ Libraries…
libsndfile1.0.31libsndfile - a C library for reading and writing files containing…
libtar1.2.20C library for manipulating tar files
libtensorflow2.14.1TensorFlow is a machine learning library, base GPU package, tensorflow only.
libxgboost2.0.3Scalable, Portable and Distributed Gradient Boosting Library
lightgbm4.2.0Light Gradient Boosting Machine that uses tree based learning algorithms
lightgbm-proc4.2.0Light Gradient Boosting Machine that uses tree based learning algorithms
lightning-app2.1.3Use Lightning Apps to build everything from production-ready,…X
lightning-cloud0.5.57Lightning Cloud.X
lightning-fabric2.1.3Use Lightning Apps to build everything from production-ready,…X
lightning-utilities0.10.0Lightning Utilities.X
llama-cpp-python0.3.1Python bindings for the llama.cpp library
llama.cpp0.0.3821Port of Facebook's LLaMA model in C/C++
llvm-openmp14.0.6The OpenMP API supports multi-platform shared-memory parallel…
magma2.6.1Dense linear algebra library similar to LAPACK but for…
mamba1.5.7A fast drop-in alternative to conda, using libsolv for dependency resolution
maturin1.7.1Build and publish crates with pyo3, rust-cpython and cffi bindings as…
mockupdb1.7.0MongoDB Wire Protocol server libraryX
nasm2.15.05Netwide Assembler: an assembler targeting the Intel x86 series of processors.
nccl2.19.3NVIDIA Collective Communications Library. Implements multi-GPU and…
nomkl3.0None
numactl2.0.16Control NUMA policy for processes or shared memory
numpy1.26.0Array processing for numbers, strings, records, and objects.
numpy-base1.26.0Array processing for numbers, strings, records, and objects.
nvcc_linux-ppc64le12.2A meta-package to enable the right nvcc.
objsize0.6.1Traversal over Python's objects subtree and calculate the total…X
onnx1.16.0Open Neural Network Exchange library
onnxconverter-common1.14.0Common utilities for ONNX convertersX
onnxmltools1.12.0ONNXMLTools enables conversion of models to ONNXX
onnxruntime1.16.3cross-platform, high performance ML inferencing and training accelerator
openblas0.3.27An optimized BLAS library
openblas-devel0.3.27OpenBLAS headers and libraries for developing software that used OpenBLAS.
opencensus0.7.13OpenCensus - A stats collection and distributed tracing frameworkX
opencv4.8.1Computer vision and machine learning software library.
opencv-proc4.8.1Computer vision and machine learning software library.
openmpi4.1.5An open source Message Passing Interface implementation.
optional-lite3.4.0A C++17-like optional, a nullable object for C++98, C++11 and later in…
orbit-ml1.1.4.2Orbit is a package for bayesian time series modeling and inference.
orc1.9.0C++ libraries for Apache ORC
ordered-set4.1.0A MutableSet that remembers its order, so that every entry has an index.X
orjson3.9.15orjson is a fast, correct JSON library for Python.
ortools-cpp9.6Google Operations Research Tools (or-tools) python package
ortools-python9.6Google Operations Research Tools (or-tools) python package
packaging23.2Core utilities for Python packagesX
polars1.7.1Polars is a blazingly fast DataFrames library implemented in Rust using…
polars-lts-cpu1.7.1Polars is a blazingly fast DataFrames library implemented in Rust using…
polars-u64-idx1.7.1Polars is a blazingly fast DataFrames library implemented in Rust using…
prophet1.1.5Automatic Forecasting Procedure
protobuf4.21.12Protocol Buffers - Google's data interchange format.
proxy-py2.4.7Proxy Server, Web Server, PubSub, Work acceptor & executor framework.X
py-opencv4.8.1Computer vision and machine learning software library.
pyarrow15.0.1Python libraries for Apache Arrow
pydantic2.5.3Data validation and settings management using python type hinting
pydantic-core2.14.6Core validation logic for pydantic written in rust
pydantic-settings2.0.1Settings management using PydanticX
pymongo4.8.0Python driver for MongoDB http://www.mongodb.org
pyopenssl24.2.1Python wrapper module around the OpenSSL libraryX
pyro-api0.1.2Generic API for dispatch to Pyro backends.X
pyro-ppl1.8.4A Python library for probabilistic modeling and inferenceX
pytest-subprocess1.5.2A plugin to fake subprocess for pytestX
python-flatbuffers23.1.21Python runtime library for use with the Flatbuffers serialization format.X
python-multipart0.0.7A streaming multipart parser for Python.X
pytorch2.1.2Meta-package to install GPU-enabled PyTorch variant
pytorch-base2.1.2PyTorch is an optimized tensor library for deep learning using GPUs and CPUs.
pytorch-lightning2.3.3PyTorch Lightning is the lightweight PyTorch wrapper for ML…X
pytorch-lightning-bolts0.7.0Pretrained SOTA Deep Learning models, callbacks and more for research…X
pytorch_geometric2.4.0Geometric Deep Learning Extension Library for PyTorchX
pytorch_scatter2.1.2PyTorch Extension Library of Optimized Scatter Operations
pytorch_sparse0.6.18PyTorch Extension Library of Optimized Autograd Sparse Matrix Operations
ray-air2.35.0Ray is a fast and simple framework for building and running distributed…
ray-all2.35.0Ray is a fast and simple framework for building and running distributed…
ray-client2.35.0Ray is a fast and simple framework for building and running distributed…
ray-core2.35.0Ray is a fast and simple framework for building and running distributed…
ray-data2.35.0Ray is a fast and simple framework for building and running distributed…
ray-default2.35.0Ray is a fast and simple framework for building and running distributed…
ray-rllib2.35.0Ray is a fast and simple framework for building and running distributed…
ray-serve2.35.0Ray is a fast and simple framework for building and running distributed…
ray-train2.35.0Ray is a fast and simple framework for building and running distributed…
ray-tune2.35.0Ray is a fast and simple framework for building and running distributed…
rdflib6.1.1RDFLib is a Python library for working with RDF, a simple yet powerful…X
re-assert1.1.0show where your regex match assertion failed!X
rust1.81.0Rust is a systems programming language that runs blazingly fast,…
rust-nightly1.82.0Rust is a systems programming language that runs blazingly fast,…
rust-std-powerpc64le-unknown-linux-gnu1.81.0Rust is a systems programming language that runs blazingly fast,…X
rust_linux-ppc64le1.81.0A safe systems programming language (conda activation scripts)
safeint3.0.26SafeInt is a class library for C++ that manages integer overflows.
safetensors0.4.1Fast and Safe Tensor serialization
scikit-build-core0.10.7Build backend for CMake based projectsX
scikit-learn1.3.0A set of python modules for machine learning and data mining
sentencepiece0.1.99An unsupervised text tokenizer and detokenizer mainly for Neural…
setuptools72.1.0Download, build, install, upgrade, and uninstall Python packagesX
setuptools-rust1.5.1Setuptools rust extension pluginX
skl2onnx1.16.0Convert scikit-learn models and pipelines to ONNXX
sklearn-pandas2.2.0Pandas integration with sklearnX
sse-starlette2.1.3SSE plugin for StarletteX
stanio0.3.0Preparing inputs to and reading outputs from Stan.X
starlette0.40.0The little ASGI framework that shines.X
starlette-context0.3.6Access context in StarletteX
starlette-full0.40.0The little ASGI framework that shines.X
starsessions1.3.0Pluggable session support for Starlette.X
tensorboard2.14.0TensorFlow's Visualization Toolkit.X
tensorboard-data-server0.7.0Data server for TensorBoardX
tensorflow2.14.1Meta-package to install GPU-enabled TensorFlow variant
tensorflow-base2.14.1TensorFlow is a machine learning library, base GPU package, tensorflow only.
tensorflow-datasets4.9.4A collection of datasets ready to use with TensorFlowX
tensorflow-estimator2.14.0TensorFlow EstimatorX
tensorflow-hub0.15.0A library for transfer learning by reusing parts of TensorFlow models.X
tensorflow-io0.35.0Dataset, streaming, and file system extensions
tensorflow-io-gcs-filesystem0.35.0Dataset, streaming, and file system extensions
tensorflow-metadata1.14.0Utilities for passing TensorFlow-related metadata between toolsX
tensorflow-model-optimization0.7.5A library that to optimize TensorFlow models for deployment and execution.
tensorflow-probability0.22.1TensorFlow Probability is a library for probabilistic reasoning and…
tensorflow-serving2.14.1TensorFlow Serving is an open-source library for serving machine learning models
tensorflow-serving-api2.14.1TensorFlow Serving is an open-source library for serving machine learning modelsX
tensorflow-text2.14.0TF.Text is a TensorFlow library of text related ops, modules, and subgraphs.
tf2onnx1.15.1Tensorflow to ONNX converter
tiktoken0.6.0tiktoken is a fast BPE tokeniser for use with OpenAI's models
tokenize-rt4.2.1A wrapper around the stdlib tokenize which roundtrips.X
tokenizers0.15.2Fast State-of-the-Art Tokenizers optimized for Research and Production
torchdata0.7.1Common modular data loading primitives for easily constructing flexible…
torchmetrics1.2.1Machine learning metrics for distributed, scalable PyTorch applications.X
torchtext0.16.2Meta-package to install torchtext variant for GPU-enabled pytorch
torchtext-base0.16.2Text utilities and datasets for PyTorch
torchvision0.16.2Meta-package to install GPU-enabled torchvision variant
torchvision-base0.16.2Image and video datasets and models for torch deep learning
transformers4.38.0State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorchX
typing-extensions4.11.0Backported and Experimental Type Hints for PythonX
typing_extensions4.11.0Backported and Experimental Type Hints for PythonX
tzdata-java-cos7-ppc64le2019c(CDT) OpenJDK Runtime EnvironmentX
uvicorn0.22.0The lightning-fast ASGI server.
uvicorn-standard0.22.0The lightning-fast ASGI server.
uwsgi2.0.25.1The uWSGI project aims at developing a full stack for building hosting…
werkzeug3.0.6The comprehensive WSGI web application library.
xgboost2.0.3Scalable, Portable and Distributed Gradient Boosting Library
xgboost-proc2.0.3Scalable, Portable and Distributed Gradient Boosting Library

With the conda environment activated, run the following command:

conda install <package name>

Uninstalling the MLDL Frameworks

Find information about uninstalling machine learning and deep learning MLDL frameworks.

The MLDL framework packages can be uninstalled individually, or you can uninstall all of the MLDL packages at the same time.

If the frameworks are installed into a separate conda environment, all of the frameworks can be removed by simply deleting the environment:

conda env remove -n <environment name>

Individual frameworks (and any packages that depend on them) can be removed by removing the individual package:

conda remove <package name>

Important: This command removes the specified packages and any packages that depend on any of the specified packages. If you want to skip this dependency checking and remove just the requested packages, add the –force option. However, this may break your environment, so use this option with caution.

Alternate and Previous Releases

We recommend that you install the most current release of Open-CE. However, if you need or have installed an earlier version, you can find information below.

For a full list of versions, including Power 10 accelerated versions, please see the full conda channel offerings here: https://ftp.osuosl.org/pub/open-ce/

Open-CE Release 1.11.2

Release date: 08/20/2024

This is release 1.11.2 of Open Cognitive Environment (Open-CE). This update only applies to the ppc64le architecture.

What’s new

  • Updated packages

    • langchain 0.1.13
    • langchain-community 0.0.29
    • langchain-core 0.1.35
    • langchain-text-splitters 0.0.2
    • langsmith 0.1.19
    • libmamba 1.5.7
    • libmambapy 1.5.7
    • libopenblas 0.3.26
    • libopenblas-static 0.3.26
    • mamba 1.5.7
    • onnx 1.16.0
    • openblas[-devel] 0.3.27
    • orjson 3.9.15
    • safetensors 0.4.1
    • transformers 4.38.0
    • werkzeug 3.0.3
  • This release of Open-CE supports:

    • NVIDIA’s CUDA 11.8, 12.2
    • Python 3.10, 3.11
  • Important Notes:

Open-CE Release 1.11.0

Release date: 06/07/2024

This is release 1.11.0 of Open Cognitive Environment (Open-CE).

What’s new

  • Updated packages

    • absl-py 2.0.0
    • apache-beam 2.53.0
    • arrow-cpp[-proc] 15.0.1
    • bazel 6.1.0
    • black 23.10.0
    • cmdstan 2.33.1
    • cmdstanpy 1.2.0
    • cudatoolkit[-dev] 12.2.0
    • cudnn 8.9.6_12.2
    • dali[-tf-plugin] 1.32.0
    • datasets 2.16.1
    • deepspeed 0.11.1
    • fsspec 2023.10.0
    • hatch-fancy-pypi-readme 23.1.0
    • horovod 0.28.1
    • huggingface_hub 0.20.0
    • java-11-openjdk 11.0.6.10
    • jax 0.4.23
    • joblib 1.3.2
    • jsonpatch 1.33
    • keras 2.14.0
    • langchain 0.1.6
    • langchain-community 0.0.19
    • langchain-core 0.1.22
    • langsmith 0.0.87
    • libnvjitlink 12.2.140
    • lightgbm[-proc] 4.2.0
    • lightning-app 2.1.3
    • lightning-cloud 0.5.57
    • lightning-fabric 2.1.3
    • lightning-utilities 0.10.0
    • mamba 1.5.6
    • nasm 2.15.05
    • nccl 2.19.3
    • onnx 1.15.0
    • onnxmltools 1.12.0
    • onnxruntime 1.16.3
    • openblas[-devel] 0.3.26
    • [py-]opencv[-proc] 4.8.1
    • packaging 23.2
    • prophet 1.1.5
    • pyarrow 15.0.1
    • pyink 23.10.0
    • pytorch[-base|-cpu] 2.1.2
    • pytorch-lighting 2.1.3
    • pytorch_geometric 2.4.0
    • pytorch_scatter 2.1.2
    • pytorch_sparse 0.6.18
    • ray 2.9.2
    • rust 1.77.0
    • rust-std-* 1.71.1
    • scikit-learn 1.3.0
    • sentencepiece 0.1.99
    • skl2onnx 1.16.0
    • sklearn-pandas 2.2.0
    • stanio 0.3.0
    • tensorboard 2.14.0
    • tensorflow 2.14.1
    • tensorflow-datasets 4.9.4
    • tensorflow-estimator 2.14.0
    • tensorflow-hub 0.15.0
    • tensorflow-io[-gcs-filesystem] 0.35.0
    • tensorflow-metadata 1.14.0
    • tensorflow-probability 0.22.1
    • tensorflow-text 2.14.0
    • tf2onnx 1.15.1
    • tiktoken 0.6.0
    • tokenizers 0.15.2
    • torchdata 0.7.1
    • torchmetrics 1.2.1
    • torchtext 0.16.2
    • torchvision 0.16.2
    • transformers 4.36.2
    • uwsgi 2.0.25.1
    • xgboost 2.0.3 _
  • This release of Open-CE supports:

    • NVIDIA’s CUDA 11.8, 12.2
    • Python 3.10, 3.11
  • Important Notes:

    • Python 3.9 is no longer supported
    • OSU drops support of EL7
    • x86 does not currently have a build
    • ppc64le builds with CUDA are UBI 8 container image based, not UBI 9 (amd64,arm64 only)
    • CV-CUDA is disabled in DALI for ppc64le
    • Jax and Jaxlib packages not available for ppc64le CUDA

Open-CE Release 1.10.0

Release date: 01/29/2024 (x86), 02/14/2024 (ppc64le)

This is release 1.10.0 of Open Cognitive Environment (Open-CE).

What’s new

  • Updated packages

    • aiorwlock 1.3.0
    • arrow-cpp[-proc] 12.0.1
    • backoff 2.2.1
    • cfitsio 3.470
    • cudnn 8.9.2_11.8
    • dali[-tf-plugin] 1.28.0
    • datasets 2.14.4
    • deepspeed 0.10.0
    • dm-tree 0.1.8
    • flatbuffers 23.1.21
    • grpc-cpp & grpcio 1.54.3
    • holidays 0.27
    • jaxlib 0.4.23
    • keras 2.13.1
    • libsolv[-static] 0.7.24
    • lightgbm[-proc] 4.0.0
    • lightning-app 2.0.6
    • lightning-cloud 0.5.37
    • lightning-fabric 2.0.6
    • mamba 1.4.9
    • nccl 2.18.3
    • onnx[converter-common] 1.14.0
    • opencensus 0.7.13
    • [py-]opencv[-proc] 4.8.0
    • openmpi 4.1.4
    • orc 1.9.0
    • prophet 1.1.4
    • pyarrow 12.0.1
    • pytorch-lighting 2.0.6
    • pytorch-lightning-bolts 0.7.0
    • pytorch_geometric 2.3.1
    • ray 2.6.3
    • scipy 1.11.1
    • skl2onnx 1.15.0
    • starlette[-full] 0.25.0
    • tensorboard 2.13.0
    • tensorflow 2.13.0
    • tensorflow-addons 0.21.0
    • tensorflow-hub 0.14.0
    • tensorflow-io[-gcs-filesystem] 0.33.0
    • tensorflow-model-optimization 0.7.5
    • tensorflow-probability 0.20.0
    • tf2onnx 1.15.0
  • This release of Open-CE supports:

    • NVIDIA’s CUDA 11.8, 12.2
    • Python 3.9, 3.10, 3.11
  • Important Notes:

    • Built with OpenSSL v3
    • CUDA 11.2 is no longer supported
    • Python 3.8 is no longer supported

Open-CE Release 1.9.3

Release date: 12/20/2023

This is bug fix release 3 of release 1.9. No other additions have been made since 1.9.1.

What’s new

  • Various bugs fixed

  • Updated packages

    • xgboost 1.7.6
    • DALI 1.26
    • mamba 1.4.2
    • Onnxruntime 1.15.1
    • Pytorch 2.0.1
    • Ray 2.5.0
    • Tensorboard 2.12.2
    • Tensorflow-addons 0.19.0
    • Tensorflow Serving 2.12.1
    • Apache-beam 2.48.0
  • This release of Open-CE supports:

    • NVIDIA’s CUDA 11.8
    • Python 3.9, 3.10
  • All the packages are built with openssl 1.*.

Open-CE Release 1.9.1

Release date: 08/07/2023

This is bug fix release 1 of release 1.9.

*Version 1.8.0 was also released (01/12/2023), but no description/update was given.

Open-CE Release 1.7.2

Release date: 09/29/2022

This is bug fix release 2 of release 1.7

What’s new

  • Various build fixed
  • Updated packages
    • TensorFlow 2.9.2
    • xgboost 1.6.2
    • DALI 1.16.1
    • Ray 1.13.1
    • PyTorch Geometric 2.1.0
    • numba 0.56.1
    • snapml 1.8.10
    • TF Serving 2.9.2

Open-CE Release 1.6.1

Release date: 05/19/2022

This is bug fix release 1 of release 1.6

What’s new

  • Various build fixed
  • Updated packages
    • pytorch-lightning 1.6.3
    • pyDeprecate 0.3.2
    • torchmetrics 0.8.2
    • tensorflow-io-gcs-filesystem 0.25.0
    • ray 1.11.1

Open-CE Release 1.5.1

Release date: 01/11/2021

This is bug fix release 1 of release 1.5

What’s new

Key changes include:

  • Refresh PyTorch to v1.10.1
  • Remove py36 blocks and dataclasses from all recipes
  • Update DALI to 1.9 (from 1.9-dev)
  • Update tensorflow metadata to 1.5.0
  • Enable uwsgi for python version 3.9

Open-CE Release 1.5.0

Release date: 12/08/2021

What’s new

This is release 1.5.0 of the Open Cognitive Environment (Open-CE), codenamed Otter

This release of Open-CE supports NVIDIA’s CUDA versions 10.2,11.2 as well as Python 3.7,3.8,3.9.

Open-CE Release 1.4.1

Release date: 10/10/2021

What’s new

This is bug fix 1 of release 1.4 of Open Cognitive Environment (Open-CE). Main updates are:

  • TensorFlow is now at 2.6.2
  • PyTorch is now at 1.9.1
  • The DALI recipe now builds on both x86 and ppc.
  • Bug Fix Changes
  • Changes For open-ce
  • Release updates for 1.4.1 (#545)
  • Use updated uwsgi 2.0.20 from conda-forge (#544)
  • Pin updates for 1.4.1 (#540)
  • Update OpenCV to v3.4.16 (#open-ce/opencv-feedstock#27)
  • Update Tensorflow Probability to v0.14.1 (#open-ce/tensorflow-probability-feedstock#19)
  • Update pytorch-lightning to 1.4.9 and torchmetrics to v0.5.1 (#open-ce/pytorch-lightning-feedstock#24)

For a complete list of changes also see the 1.4.0 release.

Open-CE Release 1.3.1

Release date: 08/26/2021

What’s new

This is bug fix 1 of release 1.3 of Open Cognitive Environment (Open-CE), code named Chipmunk. Bug Fix Changes

  • Fix uwsgi build #470 #474
  • Adjust h5py pins for py39 #473 #482
  • enable open-cv build directly in opence-env.yaml #477
  • Move feedstock patches directory into /envs #484
  • Update OpenBLAS to 0.3.13 #479
  • Add pin for ICU #493
  • adjust build resources for TensorFlow builds open-ce/tensorflow-feedstock#58 open-ce/tensorflow-feedstock#59
  • TensorFlow: update to 2.5.1 open-ce/tensorflow-feedstock#61
  • Pytorch: use TBB for CPU and OpenMP for GPU open-ce/pytorch-feedstock#68
  • Horovod: use system compilers when using system MPI open-ce/horovod-feedstock#28
  • LightGBM: use system compilers when using system MPI open-ce/LightGBM-feedstock#21
  • OpenCV: disable LAPACK temporarily open-ce/opencv-feedstock#19

For a complete list of changes also see the 1.3.0 release.

Open-CE Release 1.2.2

Release date: 06/16/2021

What’s new

This is release 1.2.2 of Open Cognitive Environment (Open-CE).

This is bug fix 2 of release 1.2 of Open Cognitive Environment (Open-CE), code named Prairiedog.

Bug Fix Changes

  • libgcc and libstdc++ were pinned to cos6 versions to allow for compilation with GCC 7.2/7.3 #433
  • TensorFlow was updated to version 2.4.2
  • Dependency pins were loosened for networkx, requests, scipy and werkzeug #439
  • Changed PyArrow to build with -O2 optimizations to avoid a compiler error in GCC 7.x
  • Add patch to PyArrow to fix handling of decimal types with negative scale in C data import

Previously, the Open-CE build tools were part of the Open-CE repository. They can now be found in their own repo.

A release of Open-CE now only includes:

  • The Open-CE env files used to generate a conda channel containing all of the packages that are part of an Open-CE release.
  • A collection of feedstocks containing conda recipes for building the packages that are part of an Open-CE release.

New Features

  • PyArrow is now included as part of Open-CE.
  • The protobuf version that all Open-CE packages use is now set to 3.11.2.
  • TensorFlow serving was removed, due to its incompatibility with protobuf 3.11.2

Bug Fix Changes

  • The conda hash string has been removed from the name of all noarch packages.
  • The version of sqlite that TensorFlow uses is now explicitly set 38 39.

Open-CE is distributed as prebuilt containers, or on demand through the Conda provisioning process.

  • All of the Conda packages are available in a Open-CE Conda channel
  • Conda packages are available in the Open-CE 1.2.0 Conda channel
  • There is no install package to download, instead connect to the Conda channel and install your packages from there
  • Package dependencies are automatically resolved
  • Delivery of packages is open and continuous
  • Enable Python versions 3.6, 3.7, 3.8
  • You can run more than one framework at the same time in the same environment. For example, you can run TensorFlow and PyTorch at the same time.

Open-CE Release 1.2.0

Release date: 04/16/2021

What’s new

This is release 1.2 of Open Cognitive Environment (Open-CE), code named Prairiedog.

Previously, the Open-CE build tools were part of the Open-CE repository. They can now be found in their own repo.

A release of Open-CE now only includes:

  • The Open-CE env files used to generate a conda channel containing all of the packages that are part of an Open-CE release.
  • A collection of feedstocks containing conda recipes for building the packages that are part of an Open-CE release.

New Features

  • PyArrow is now included as part of Open-CE.
  • The protobuf version that all Open-CE packages use is now set to 3.11.2.
  • TensorFlow serving was removed, due to its incompatibility with protobuf 3.11.2

Bug Fix Changes

  • The conda hash string has been removed from the name of all noarch packages.
  • The version of sqlite that TensorFlow uses is now explicitly set 38 39.

Open-CE is distributed as prebuilt containers, or on demand through the Conda provisioning process.

  • All of the Conda packages are available in a Open-CE Conda channel
  • Conda packages are available in the Open-CE 1.2.0 Conda channel
  • There is no install package to download, instead connect to the Conda channel and install your packages from there
  • Package dependencies are automatically resolved
  • Delivery of packages is open and continuous
  • Enable Python versions 3.6, 3.7, 3.8
  • You can run more than one framework at the same time in the same environment. For example, you can run TensorFlow and PyTorch at the same time.

Open-CE Release 1.1.1

Release date: 01/12/2021

What’s new

This is release 1.1 of Open Cognitive Environment (Open-CE), code named Meerkat.

  • Added support for CUDA 11.0, which is currently supported on RHEL8.
  • Added recipes for the following new packages: LightGBM, TensorFlow Model Optimization, TensorFlow Addons, PyTorch Lightning Bolts, Python Flatbuffers.
  • Added the open-ce tool for running build and validate commands. This replaces the previously existing build_env.py and build_feedstock.py entry points to Open-CE.
  • Added the open-ce test commands to test packages that are built by Open-CE. open-ce build env will now output conda environment files that can be used to create conda environments containing the packages that were just built.
  • The open-ce build image command has been added to create Docker images from the output of open-ce build env.
  • Open-CE build tools can now accept –cuda_versions as an argument to choose a version of CUDA to build with.
  • open-ce build env will now check for circular dependencies between packages.
  • open-ce build env will verify that all packages that are being built can be installed within the same conda environment before starting a build.
  • Added the –skip_build_packages argument to open-ce build env.
  • Jinja can now be used within any Open-CE configuration file.
  • Improved performance when attempting to build packages that already exist.
  • Added the patches key to the Open-CE environment files to allow for patching feedstocks.

Open-CE Release 1.0.0

Release date: 11/10/2020

What’s new

Open-CE 1.0 is the current release of Open-CE and includes the following features:

  • conda packages are now available on ppc64le.
  • conda packages are now available on x86.
  • TensorFlow 2.3.1
  • PyTorch 1.6.0
  • Open-CE is distributed as prebuilt containers, or on demand through the Conda provisioning process.
    • All of the Conda packages are available in a Open-CE Conda channel
    • Conda packages are available in the Open-CE 1.0.0 Conda channel
    • There is no install package to download, instead connect to the Conda channel and install your packages from there
    • Package dependencies are automatically resolved
    • Delivery of packages is open and continuous
    • Enable Python versions 3.6, 3.7, 3.8
    • You can run more than one framework at the same time in the same environment. For example, you can run TensorFlow and PyTorch at the same time.