The following changes were made to WinPython-64bit distribution since version 3.12.0.1.
Upgraded packages:
-
Nodejs v20.9.0 → v20.11.0 (a JavaScript runtime built on Chrome's V8 JavaScript engine)
-
npmjs 10.1.0 → 10.2.4 (a package manager for JavaScript)
New packages:
-
about_time 4.2.1 (Easily measure timing and throughput of code blocks, with beautiful human friendly representations.)
-
absl_py 2.0.0 (Abseil Python Common Libraries, see github.com/abseil/abseil-py.)
-
accelerate 0.23.0 (Accelerate)
-
aiohttp 3.9.3 (Async http client/server framework (asyncio))
-
aiosignal 1.3.1 (aiosignal: a list of registered asynchronous callbacks)
-
aiosqlite 0.19.0 (asyncio bridge to the standard sqlite3 module)
-
alive_progress 3.1.5 (A new kind of Progress Bar, with real-time throughput, ETA, and very cool animations!)
-
array_api_compat 1.4.1 (A wrapper around NumPy and other array libraries to make them compatible with the Array API standard)
-
autograd 1.6.2 (Efficiently computes derivatives of numpy code.)
-
botorch 0.9.5 (Bayesian Optimization in PyTorch)
-
build 1.0.3 (A simple, correct Python build frontend)
-
cftime 1.6.3 (Time-handling functionality from netcdf4-python)
-
clarabel 0.6.0 (Clarabel Conic Interior Point Solver for Rust / Python)
-
cma 3.2.2 (CMA-ES, Covariance Matrix Adaptation Evolution Strategy for non-linear numerical optimization in Python)
-
cvxopt 1.3.2 (Convex optimization package)
-
cytoolz 0.12.3 (Cython implementation of Toolz: High performance functional utilities)
-
dask_glm 0.2.0 (Generalized Linear Models with Dask)
-
dask_ml 2023.3.24 (A library for distributed and parallel machine learning)
-
dataclasses_json 0.5.7 (Easily serialize dataclasses to and from JSON)
-
datashader 0.16.0 (Data visualization toolchain based on aggregating into a grid)
-
dirty_cat 0.4.1 (Machine learning with dirty categories.)
-
distributed 2023.10.1 (Distributed scheduler for Dask)
-
dm_tree 0.1.8 (Tree is a library for working with nested data structures.)
-
duckdb 0.9.3.dev4116 (DuckDB embedded database)
-
ecos 2.0.13 (This is the Python package for ECOS: Embedded Cone Solver. See Github page for more information.)
-
frozenlist 1.4.1 (A list-like structure which implements collections.abc.MutableSequence)
-
gpytorch 1.11 (An implementation of Gaussian Processes in Pytorch)
-
grapheme 0.6.0 (Unicode grapheme helpers)
-
huggingface_hub 0.19.4 (Client library to download and publish models, datasets and other repos on the huggingface.co hub)
-
jaxtyping 0.2.22 (Type annotations and runtime checking for shape and dtype of JAX arrays, and PyTrees.)
-
keras 3.0.4 (Deep Learning for humans)
-
kornia 0.7.1 (Open Source Differentiable Computer Vision Library for PyTorch)
-
langchain 0.0.292 (Building applications with LLMs through composability)
-
langsmith 0.0.77 (Client library to connect to the LangSmith LLM Tracing and Evaluation Platform.)
-
lazy_loader 0.3 (lazy_loader)
-
lightning 2.1.2 (The Deep Learning framework to train, deploy, and ship AI products Lightning fast.)
-
lightning_utilities 0.10.0 (PyTorch Lightning Sample project.)
-
linear_operator 0.5.1 (A linear operator implementation, primarily designed for finite-dimensional positive definite operators (i.e. kernel matrices).)
-
llvmlite 0.42.0 (lightweight wrapper around basic LLVM functionality)
-
lz4 4.3.3 (LZ4 Bindings for Python)
-
marshmallow 3.12.1 (A lightweight library for converting complex datatypes to and from native Python datatypes.)
-
marshmallow_enum 1.5.1 (Enum field for Marshmallow)
-
mlxtend 0.22.0 (Machine Learning Library Extensions)
-
msgpack 1.0.4 (MessagePack (de)serializer.)
-
multipledispatch 0.6.0 (Multiple dispatch)
-
mutagen 1.46.0 (read and write audio tags for many formats)
-
namex 0.0.7 (A simple utility to separate the implementation of your Python package and its public API surface.)
-
netcdf4 1.6.5 (Provides an object-oriented python interface to the netCDF version 4 library.)
-
numba 0.59.0 (compiling Python code using LLVM)
-
openai 0.28.1 (Python client library for the OpenAI API)
-
opt_einsum 3.3.0 (Optimizing numpys einsum function)
-
ortools 9.8.3296 ()
-
pdfrw 0.4.post2 (PDF file reader/writer library)
-
pmdarima 2.0.4 (Python's forecast::auto.arima equivalent)
-
pyaml 20.4.0 (PyYAML-based module to produce pretty and readable YAML-serialized data)
-
pyaudio 0.2.14 (Bindings for PortAudio v19, the cross-platform audio input/output stream library.)
-
pycryptodomex 3.18.0 (Cryptographic library for Python)
-
pydub 0.25.1 (Manipulate audio with an simple and easy high level interface)
-
pymoo 0.6.1.1 (Multi-Objective Optimization in Python)
-
pympler 1.0.1 (A development tool to measure, monitor and analyze the memory behavior of Python objects.)
-
pynndescent 0.5.11 (Nearest Neighbor Descent)
-
pyomo 6.7.0 (Pyomo: Python Optimization Modeling Objects)
-
pypdf 3.15.2 (A pure-python PDF library capable of splitting, merging, cropping, and transforming PDF files)
-
pyproject_hooks 1.0.0 (Wrappers to call pyproject.toml-based build backend hooks.)
-
pyro_api 0.1.2 (Generic API for dispatch to Pyro backends.)
-
pyro_ppl 1.8.4 (A Python library for probabilistic modeling and inference)
-
pysimplegui 4.60.4 (Python GUIs for Humans. Launched in 2018. It's 2022 & PySimpleGUI is an ACTIVE & supported project. Super-simple to create custom GUI's. 325+ Demo programs & Cookbook for rapid start. Extensive documentation. Main docs at www.PySimpleGUI.org. Fun & your success are the focus. Examples using Machine Learning (GUI, OpenCV Integration), Rainmeter Style Desktop Widgets, Matplotlib + Pyplot, PIL support, add GUI to command line scripts, PDF & Image Viewers. Great for beginners & advanced GUI programmers.)
-
pytorch_lightning 2.1.2 (PyTorch Lightning is the lightweight PyTorch wrapper for ML researchers. Scale your models. Write less boilerplate.)
-
qpsolvers 4.3.0 (Quadratic programming solvers in Python with a unified API)
-
quantecon 0.5.3 (QuantEcon is a package to support all forms of quantitative economic modelling.)
-
rapidfuzz 3.5.2 (rapid fuzzy string matching)
-
safetensors 0.4.2 (Fast and Safe Tensor serialization)
-
scikit_image 0.22.0 (Image processing routines for SciPy)
-
scikit_optimize 0.9.0 (Sequential model-based optimization toolbox.)
-
scs 3.2.4.post1 (scs: splitting conic solver)
-
tbats 1.1.0 (BATS and TBATS for time series forecasting)
-
tblib 1.7.0 (Traceback serialization library.)
-
tokenizers 0.15.1 (Fast and Customizable Tokenizers)
-
torch 2.2.0 (Tensors and Dynamic neural networks in Python with strong GPU acceleration)
-
torchaudio 2.2.0 (An audio package for PyTorch)
-
torchmetrics 1.3.0.post0 (PyTorch native Metrics)
-
torchvision 0.17.0 (image and video datasets and models for torch deep learning)
-
transformers 4.36.2 (State-of-the-art Machine Learning for JAX, PyTorch and TensorFlow)
-
typeguard 2.13.3 (Run-time type checker for Python)
-
typing_inspect 0.8.0 (Runtime inspection utilities for typing module.)
-
umap_learn 0.5.1 (Uniform Manifold Approximation and Projection)
-
websockets 12.0 (An implementation of the WebSocket Protocol (RFC 6455 & 7692))
-
wordcloud 1.9.3 (A little word cloud generator)
-
yarl 1.7.2 (Yet another URL library)
-
yt_dlp 2023.7.6 (A youtube-dl fork with additional features and patches)
Upgraded packages:
-
alabaster 0.7.12 → 0.7.13 (A configurable sidebar-enabled Sphinx theme)
-
altair 5.1.2 → 5.2.0 (Altair: A declarative statistical visualization library for Python.)
-
annotated_types 0.5.0 → 0.6.0 (Reusable constraint types to use with typing.Annotated)
-
anyio 3.7.1 → 4.2.0 (High level compatibility layer for multiple asynchronous event loop implementations)
-
asteval 0.9.27 → 0.9.31 (Safe, minimalistic evaluator of python expression using ast module)
-
bokeh 3.3.0 → 3.3.4 (Interactive plots and applications in the browser from Python)
-
certifi 2023.7.22 → 2023.11.17 (Python package for providing Mozilla's CA Bundle.)
-
cython 3.0.5 → 3.0.7 (The Cython compiler for writing C extensions for the Python language.)
-
docutils 0.18.1 → 0.20.1 (Docutils -- Python Documentation Utilities)
-
fastapi 0.103.2 → 0.109.1 (FastAPI framework, high performance, easy to learn, fast to code, ready for production)
-
guidata 3.1.1 → 3.3.0 (Automatic graphical user interfaces generation for easy dataset editing and display)
-
hatch 1.7.0 → 1.9.3 (Modern, extensible Python project management)
-
hatchling 1.18.0 → 1.21.1 (Modern, extensible Python build backend)
-
holoviews 1.18.1 → 1.18.2 (Stop plotting your data - annotate your data and let it visualize itself.)
-
hvplot 0.9.0 → 0.9.2 (A high-level plotting API for the PyData ecosystem built on HoloViews.)
-
imbalanced_learn 0.11.0 → 0.12.0 (Toolbox for imbalanced dataset in machine learning.)
-
ipykernel 6.26.0 → 6.29.0 (IPython Kernel for Jupyter)
-
ipython 8.18.1 → 8.20.0 (IPython: Productive Interactive Computing)
-
jupyterlab 4.0.9 → 4.0.12 (The JupyterLab notebook server extension.)
-
lxml 4.9.3 → 5.1.0 (Powerful and Pythonic XML processing library combining libxml2/libxslt with the ElementTree API.)
-
maturin 1.3.1 → 1.4.0 (Build and publish crates with pyo3, rust-cpython and cffi bindings as well as rust binaries as python packages)
-
msvc_runtime 14.36.32532 → 14.38.33130 (Install the Microsoft™ Visual C++™ runtime DLLs to the sys.prefix and Scripts directories)
-
multidict 6.0.2 → 6.0.4 (multidict implementation)
-
mypy 1.5.1 → 1.7.1 (Optional static typing for Python)
-
notebook 7.0.6 → 7.0.7 (A web-based notebook environment for interactive computing)
-
numpy 1.26.2 → 1.26.3 (NumPy is the fundamental package for array computing with Python.)
-
opencv_python 4.8.1.78 → 4.9.0.80 (Wrapper package for OpenCV python bindings.)
-
orjson 3.9.9 → 3.9.10 (Fast, correct Python JSON library supporting dataclasses, datetimes, and numpy)
-
pandas 2.1.1 → 2.2.0 (Powerful data structures for data analysis, time series, and statistics)
-
panel 1.3.4 → 1.3.8 (A high level app and dashboarding solution for Python.)
-
papermill 2.4.0 → 2.5.1a1 (Parametrize and run Jupyter and nteract Notebooks)
-
patsy 0.5.3 → 0.5.6 (A Python package for describing statistical models and for building design matrices.)
-
pillow 10.1.0 → 10.2.0 (Python Imaging Library (Fork))
-
pip 23.2.1 → 24.0 (The PyPA recommended tool for installing Python packages.)
-
plotpy 2.0.0 → 2.1.1 (Plotpy is a library which results from merge of guidata and guiqwt.)
-
polars 0.19.18 → 0.20.6 (Blazingly fast DataFrame library)
-
prompt_toolkit 3.0.41 → 3.0.43 (Library for building powerful interactive command lines in Python)
-
protobuf 4.23.2 → 4.25.1 (Protocol Buffers)
-
ptpython 3.0.23 → 3.0.25 (Python REPL build on top of prompt_toolkit)
-
pydantic 2.4.2 → 2.5.2 (Data validation and settings management using python 3.6 type hinting)
-
pydantic_core 2.10.1 → 2.14.5 ()
-
pygments 2.15.1 → 2.16.1 (Pygments is a syntax highlighting package written in Python.)
-
Python 3.12.0 → 3.12.2 (Python programming language with standard library)
-
python_lsp_black 1.3.0 → 2.0.0 (Black plugin for the Python LSP Server)
-
pyviz_comms 3.0.0 → 3.0.1 (Bidirectional communication for the PyViz ecosystem.)
-
pyzmq 26.0.0.dev0 → 25.1.2 (Python bindings for 0MQ)
-
pyzo 4.12.7 → 4.14.2 (the Python IDE for scientific computing)
-
rich 13.6.0 → 13.7.0 (Render rich text, tables, progress bars, syntax highlighting, markdown and more to the terminal)
-
rpds_py 0.12.0 → 0.13.2 (Python bindings to Rust's persistent data structures (rpds))
-
scikit_learn 1.3.2 → 1.4.0 (A set of python modules for machine learning and data mining)
-
scipy 1.11.3 → 1.12.0 (SciPy: Scientific Library for Python)
-
seaborn 0.13.0 → 0.13.2 (seaborn: statistical data visualization)
-
setuptools 68.2.2 → 69.0.3 (Easily download, build, install, upgrade, and uninstall Python packages)
-
sphinx 6.1.3 → 7.2.6 (Tool for generating documentation which uses reStructuredText as its markup language)
-
sphinx_rtd_theme 1.3.0 → 2.0.0 (Read the Docs theme for Sphinx)
-
sphinxcontrib_serializinghtml 1.1.5 → 1.1.9 (sphinxcontrib-serializinghtml is a sphinx extension which outputs "serialized" HTML files (json and pickle).)
-
sqlite_utils 3.35.2 → 3.36 (CLI tool and Python utility functions for manipulating SQLite databases)
-
starlette 0.27.0 → 0.35.1 (The little ASGI library that shines.)
-
statsmodels 0.14.0 → 0.14.1 (Statistical computations and models for Python)
-
streamlit 1.27.2 → 1.31.0 (The fastest way to build data apps in Python)
-
tomlkit 0.11.6 → 0.12.3 (Style preserving TOML library)
-
trio 0.23.1 → 0.24.0 (A friendly Python library for async concurrency and I/O)
-
typing_extensions 4.7.1 → 4.9.0 (Backported and Experimental Type Hints for Python 3.5+)
-
uvicorn 0.22.0 → 0.26.0 (The lightning-fast ASGI server.)
-
websocket_client 1.6.1 → 1.6.4 (WebSocket client for Python. hybi13 is supported.)
-
wheel 0.40.0 → 0.42.0 (A built-package format for Python)
-
winpython 7.0.20231126 → 7.1.20240208 (WinPython distribution tools, including WPPM)
-
xarray 2023.11.0 → 2024.1.1 (N-D labeled arrays and datasets in Python)
-
xlsxwriter 3.1.2 → 3.1.9 (A Python module for creating Excel XLSX files.)
Removed packages:
-
ansiwrap 0.8.4 (textwrap, but savvy to ANSI colors and styles)
-
pyperclip 1.8.2 (A cross-platform clipboard module for Python. (Only handles plain text for now.))
-
textwrap3 0.9.2 (textwrap from Python 3.6 backport (plus a few tweaks))
-
trio_asyncio 0.12.0 (A re-implementation of the asyncio mainloop on top of Trio)