From 6c58fc59fd828492021cfd0f4518ae5ae3b03f56 Mon Sep 17 00:00:00 2001 From: Ssslakter <67190162+Ssslakter@users.noreply.github.com> Date: Sun, 10 Sep 2023 18:02:52 +0700 Subject: Little docs changes (#791) * Little doc fixes * change imports in lib * rename candle_core to candle * revert "rename candle_core to candle" --- candle-book/src/guide/hello_world.md | 28 ++++++++++++++-------------- 1 file changed, 14 insertions(+), 14 deletions(-) (limited to 'candle-book') diff --git a/candle-book/src/guide/hello_world.md b/candle-book/src/guide/hello_world.md index fc4af0e1..74a147e7 100644 --- a/candle-book/src/guide/hello_world.md +++ b/candle-book/src/guide/hello_world.md @@ -25,8 +25,8 @@ fn main() -> Result<()> { // Use Device::new_cuda(0)?; to use the GPU. let device = Device::Cpu; - let first = Tensor::zeros((784, 100), DType::F32, &device)?; - let second = Tensor::zeros((100, 10), DType::F32, &device)?; + let first = Tensor::randn(0f32, 1.0, (784, 100), &device)?; + let second = Tensor::randn(0f32, 1.0, (100, 10), &device)?; let model = Model { first, second }; let dummy_image = Tensor::zeros((1, 784), DType::F32, &device)?; @@ -110,15 +110,15 @@ fn main() -> Result<()> { let device = Device::cuda_if_available(0)?; // Creating a dummy model - let weight = Tensor::zeros((784, 100), DType::F32, &device)?; + let weight = Tensor::randn(0f32, 1.0, (784, 100), &device)?; let bias = Tensor::zeros((100, ), DType::F32, &device)?; let first = Linear{weight, bias}; - let weight = Tensor::zeros((100, 10), DType::F32, &device)?; - let bias = Tensor::zeros((10, ), DType::F32, &device)?; + let weight = Tensor::randn(0f32, 1.0, (100, 10), &device)?; + let bias = Tensor::randn(0f32, 1.0, (10, ), &device)?; let second = Linear{weight, bias}; let model = Model { first, second }; - let dummy_image = Tensor::zeros((1, 784), DType::F32, &device)?; + let dummy_image = Tensor::randn(0f32, 1.0, (1, 784), &device)?; // Inference on the model let digit = model.forward(&dummy_image)?; @@ -167,15 +167,15 @@ fn main() -> Result<()> { let device = Device::Cpu; // This has changed (784, 100) -> (100, 784) ! - let weight = Tensor::zeros((100, 784), DType::F32, &device)?; - let bias = Tensor::zeros((100, ), DType::F32, &device)?; + let weight = Tensor::randn(0f32, 1.0, (100, 784), &device)?; + let bias = Tensor::randn(0f32, 1.0, (100, ), &device)?; let first = Linear::new(weight, Some(bias)); - let weight = Tensor::zeros((10, 100), DType::F32, &device)?; - let bias = Tensor::zeros((10, ), DType::F32, &device)?; + let weight = Tensor::randn(0f32, 1.0, (10, 100), &device)?; + let bias = Tensor::randn(0f32, 1.0, (10, ), &device)?; let second = Linear::new(weight, Some(bias)); let model = Model { first, second }; - let dummy_image = Tensor::zeros((1, 784), DType::F32, &device)?; + let dummy_image = Tensor::randn(0f32, 1.0, (1, 784), &device)?; let digit = model.forward(&dummy_image)?; println!("Digit {digit:?} digit"); @@ -188,8 +188,8 @@ Feel free to modify this example to use `Conv2d` to create a classical convnet i Now that we have the running dummy code we can get to more advanced topics: -- [For PyTorch users](./guide/cheatsheet.md) -- [Running existing models](./inference/README.md) -- [Training models](./training/README.md) +- [For PyTorch users](../guide/cheatsheet.md) +- [Running existing models](../inference/README.md) +- [Training models](../training/README.md) -- cgit v1.2.3 From 18d6db2180800dcc134ffabe8523a774c6a7f9a3 Mon Sep 17 00:00:00 2001 From: Ssslakter <67190162+Ssslakter@users.noreply.github.com> Date: Mon, 11 Sep 2023 02:36:29 +0700 Subject: more doc fixes (#804) --- candle-book/src/SUMMARY.md | 4 ++-- candle-book/src/guide/hello_world.md | 16 +++++++------- candle-book/src/inference/README.md | 7 ------ candle-book/src/inference/inference.md | 7 ++++++ candle-book/src/training/README.md | 39 ---------------------------------- candle-book/src/training/training.md | 39 ++++++++++++++++++++++++++++++++++ 6 files changed, 56 insertions(+), 56 deletions(-) delete mode 100644 candle-book/src/inference/README.md create mode 100644 candle-book/src/inference/inference.md delete mode 100644 candle-book/src/training/README.md create mode 100644 candle-book/src/training/training.md (limited to 'candle-book') diff --git a/candle-book/src/SUMMARY.md b/candle-book/src/SUMMARY.md index 8228da22..e92f298f 100644 --- a/candle-book/src/SUMMARY.md +++ b/candle-book/src/SUMMARY.md @@ -10,10 +10,10 @@ # Reference Guide -- [Running a model](inference/README.md) +- [Running a model](inference/inference.md) - [Using the hub](inference/hub.md) - [Error management](error_manage.md) -- [Training](training/README.md) +- [Training](training/training.md) - [MNIST](training/mnist.md) - [Fine-tuning]() - [Serialization]() diff --git a/candle-book/src/guide/hello_world.md b/candle-book/src/guide/hello_world.md index 74a147e7..b5b8d7b4 100644 --- a/candle-book/src/guide/hello_world.md +++ b/candle-book/src/guide/hello_world.md @@ -6,7 +6,7 @@ Open `src/main.rs` and fill in this content: ```rust # extern crate candle_core; -use candle_core::{DType, Device, Result, Tensor}; +use candle_core::{Device, Result, Tensor}; struct Model { first: Tensor, @@ -29,7 +29,7 @@ fn main() -> Result<()> { let second = Tensor::randn(0f32, 1.0, (100, 10), &device)?; let model = Model { first, second }; - let dummy_image = Tensor::zeros((1, 784), DType::F32, &device)?; + let dummy_image = Tensor::randn(0f32, 1.0, (1, 784), &device)?; let digit = model.forward(&dummy_image)?; println!("Digit {digit:?} digit"); @@ -50,7 +50,7 @@ the classical `Linear` layer. We can do as such ```rust # extern crate candle_core; -# use candle_core::{DType, Device, Result, Tensor}; +# use candle_core::{Device, Result, Tensor}; struct Linear{ weight: Tensor, bias: Tensor, @@ -80,7 +80,7 @@ This will change the model running code into a new function ```rust # extern crate candle_core; -# use candle_core::{DType, Device, Result, Tensor}; +# use candle_core::{Device, Result, Tensor}; # struct Linear{ # weight: Tensor, # bias: Tensor, @@ -111,7 +111,7 @@ fn main() -> Result<()> { // Creating a dummy model let weight = Tensor::randn(0f32, 1.0, (784, 100), &device)?; - let bias = Tensor::zeros((100, ), DType::F32, &device)?; + let bias = Tensor::randn(0f32, 1.0, (100, ), &device)?; let first = Linear{weight, bias}; let weight = Tensor::randn(0f32, 1.0, (100, 10), &device)?; let bias = Tensor::randn(0f32, 1.0, (10, ), &device)?; @@ -146,7 +146,7 @@ And rewrite our examples using it ```rust # extern crate candle_core; # extern crate candle_nn; -use candle_core::{DType, Device, Result, Tensor}; +use candle_core::{Device, Result, Tensor}; use candle_nn::{Linear, Module}; struct Model { @@ -189,7 +189,7 @@ Feel free to modify this example to use `Conv2d` to create a classical convnet i Now that we have the running dummy code we can get to more advanced topics: - [For PyTorch users](../guide/cheatsheet.md) -- [Running existing models](../inference/README.md) -- [Training models](../training/README.md) +- [Running existing models](../inference/inference.md) +- [Training models](../training/training.md) diff --git a/candle-book/src/inference/README.md b/candle-book/src/inference/README.md deleted file mode 100644 index 1b75a310..00000000 --- a/candle-book/src/inference/README.md +++ /dev/null @@ -1,7 +0,0 @@ -# Running a model - - -In order to run an existing model, you will need to download and use existing weights. -Most models are already available on https://huggingface.co/ in [`safetensors`](https://github.com/huggingface/safetensors) format. - -Let's get started by running an old model : `bert-base-uncased`. diff --git a/candle-book/src/inference/inference.md b/candle-book/src/inference/inference.md new file mode 100644 index 00000000..1b75a310 --- /dev/null +++ b/candle-book/src/inference/inference.md @@ -0,0 +1,7 @@ +# Running a model + + +In order to run an existing model, you will need to download and use existing weights. +Most models are already available on https://huggingface.co/ in [`safetensors`](https://github.com/huggingface/safetensors) format. + +Let's get started by running an old model : `bert-base-uncased`. diff --git a/candle-book/src/training/README.md b/candle-book/src/training/README.md deleted file mode 100644 index d68a917e..00000000 --- a/candle-book/src/training/README.md +++ /dev/null @@ -1,39 +0,0 @@ -# Training - - -Training starts with data. We're going to use the huggingface hub and -start with the Hello world dataset of machine learning, MNIST. - -Let's start with downloading `MNIST` from [huggingface](https://huggingface.co/datasets/mnist). - -This requires [`hf-hub`](https://github.com/huggingface/hf-hub). -```bash -cargo add hf-hub -``` - -This is going to be very hands-on for now. - -```rust,ignore -{{#include ../../../candle-examples/src/lib.rs:book_training_1}} -``` - -This uses the standardized `parquet` files from the `refs/convert/parquet` branch on every dataset. -Our handles are now [`parquet::file::serialized_reader::SerializedFileReader`]. - -We can inspect the content of the files with: - -```rust,ignore -{{#include ../../../candle-examples/src/lib.rs:book_training_2}} -``` - -You should see something like: - -```bash -Column id 1, name label, value 6 -Column id 0, name image, value {bytes: [137, ....] -Column id 1, name label, value 8 -Column id 0, name image, value {bytes: [137, ....] -``` - -So each row contains 2 columns (image, label) with image being saved as bytes. -Let's put them into a useful struct. diff --git a/candle-book/src/training/training.md b/candle-book/src/training/training.md new file mode 100644 index 00000000..d68a917e --- /dev/null +++ b/candle-book/src/training/training.md @@ -0,0 +1,39 @@ +# Training + + +Training starts with data. We're going to use the huggingface hub and +start with the Hello world dataset of machine learning, MNIST. + +Let's start with downloading `MNIST` from [huggingface](https://huggingface.co/datasets/mnist). + +This requires [`hf-hub`](https://github.com/huggingface/hf-hub). +```bash +cargo add hf-hub +``` + +This is going to be very hands-on for now. + +```rust,ignore +{{#include ../../../candle-examples/src/lib.rs:book_training_1}} +``` + +This uses the standardized `parquet` files from the `refs/convert/parquet` branch on every dataset. +Our handles are now [`parquet::file::serialized_reader::SerializedFileReader`]. + +We can inspect the content of the files with: + +```rust,ignore +{{#include ../../../candle-examples/src/lib.rs:book_training_2}} +``` + +You should see something like: + +```bash +Column id 1, name label, value 6 +Column id 0, name image, value {bytes: [137, ....] +Column id 1, name label, value 8 +Column id 0, name image, value {bytes: [137, ....] +``` + +So each row contains 2 columns (image, label) with image being saved as bytes. +Let's put them into a useful struct. -- cgit v1.2.3 From 2257f4d475c676e33dbd8dbafabf95e821d27f62 Mon Sep 17 00:00:00 2001 From: Laurent Mazare Date: Tue, 12 Sep 2023 06:39:24 +0100 Subject: Bump the crate version + update the changelog. (#822) --- CHANGELOG.md | 31 +++++++++++++++++++++++- Cargo.toml | 2 +- candle-book/Cargo.toml | 10 ++++---- candle-core/Cargo.toml | 2 +- candle-datasets/Cargo.toml | 4 +-- candle-examples/Cargo.toml | 10 ++++---- candle-flash-attn/Cargo.toml | 6 ++--- candle-kernels/Cargo.toml | 2 +- candle-nn/Cargo.toml | 2 +- candle-pyo3/Cargo.toml | 4 +-- candle-transformers/Cargo.toml | 4 +-- candle-wasm-examples/llama2-c/Cargo.toml | 6 ++--- candle-wasm-examples/segment-anything/Cargo.toml | 6 ++--- candle-wasm-examples/whisper/Cargo.toml | 4 +-- candle-wasm-examples/yolo/Cargo.toml | 4 +-- 15 files changed, 63 insertions(+), 34 deletions(-) (limited to 'candle-book') diff --git a/CHANGELOG.md b/CHANGELOG.md index a52429cf..a0275c57 100644 --- a/CHANGELOG.md +++ b/CHANGELOG.md @@ -1,13 +1,42 @@ # Changelog This documents the main changes to the `candle` crate. -## v0.2.1 - Unreleased +## v0.2.2 - Unreleased ### Added +### Modified + +## v0.2.1 - 2023-09-11 + +### Added +- Add some RNNs (GRU and LSTM) in `candle-nn` + [674](https://github.com/huggingface/candle/pull/674), + [688](https://github.com/huggingface/candle/pull/688). +- gguf v2 support + [725](https://github.com/huggingface/candle/pull/725). +- Quantized llama example in Python using the pyo3 api + [716](https://github.com/huggingface/candle/pull/716). +- `candle-nn` layer for conv2d-transposed + [760](https://github.com/huggingface/candle/pull/760). +- Add the Segment-Anything Model (SAM) as an example + [773](https://github.com/huggingface/candle/pull/773). +- TinyViT backbone for the segemnt anything example + [787](https://github.com/huggingface/candle/pull/787). +- Shape with holes support + [770](https://github.com/huggingface/candle/pull/770). + ### Modified - Dilations are now supported in conv-transpose2d. [671](https://github.com/huggingface/candle/pull/671). +- Interactive mode for the quantized model + [690](https://github.com/huggingface/candle/pull/690). +- Faster softmax operation + [747](https://github.com/huggingface/candle/pull/747). +- Faster convolution operations on CPU and CUDA via im2col + [802](https://github.com/huggingface/candle/pull/802). +- Moving some models to a more central location + [796](https://github.com/huggingface/candle/pull/796). ## v0.2.0 - 2023-08-30 diff --git a/Cargo.toml b/Cargo.toml index b45a2ab6..cb6bf3cb 100644 --- a/Cargo.toml +++ b/Cargo.toml @@ -19,7 +19,7 @@ exclude = [ resolver = "2" [workspace.package] -version = "0.2.1" +version = "0.2.2" edition = "2021" description = "Minimalist ML framework." repository = "https://github.com/huggingface/candle" diff --git a/candle-book/Cargo.toml b/candle-book/Cargo.toml index 320fb887..ac179cb9 100644 --- a/candle-book/Cargo.toml +++ b/candle-book/Cargo.toml @@ -11,11 +11,11 @@ readme = "README.md" [dependencies] accelerate-src = { workspace = true, optional = true } -candle = { path = "../candle-core", version = "0.2.1", package = "candle-core" } -candle-datasets = { path = "../candle-datasets", version = "0.2.1" } -candle-nn = { path = "../candle-nn", version = "0.2.1" } -candle-transformers = { path = "../candle-transformers", version = "0.2.1" } -candle-flash-attn = { path = "../candle-flash-attn", version = "0.2.1", optional = true } +candle = { path = "../candle-core", version = "0.2.2", package = "candle-core" } +candle-datasets = { path = "../candle-datasets", version = "0.2.2" } +candle-nn = { path = "../candle-nn", version = "0.2.2" } +candle-transformers = { path = "../candle-transformers", version = "0.2.2" } +candle-flash-attn = { path = "../candle-flash-attn", version = "0.2.2", optional = true } safetensors = { workspace = true } serde = { workspace = true } serde_json = { workspace = true } diff --git a/candle-core/Cargo.toml b/candle-core/Cargo.toml index e7213919..fad6d0bd 100644 --- a/candle-core/Cargo.toml +++ b/candle-core/Cargo.toml @@ -12,7 +12,7 @@ readme = "README.md" [dependencies] accelerate-src = { workspace = true, optional = true } byteorder = { workspace = true } -candle-kernels = { path = "../candle-kernels", version = "0.2.1", optional = true } +candle-kernels = { path = "../candle-kernels", version = "0.2.2", optional = true } cudarc = { workspace = true, optional = true } gemm = { workspace = true } half = { workspace = true } diff --git a/candle-datasets/Cargo.toml b/candle-datasets/Cargo.toml index d69318e1..e34aa9be 100644 --- a/candle-datasets/Cargo.toml +++ b/candle-datasets/Cargo.toml @@ -11,8 +11,8 @@ readme = "README.md" [dependencies] byteorder = { workspace = true } -candle = { path = "../candle-core", version = "0.2.1", package = "candle-core" } -candle-nn = { path = "../candle-nn", version = "0.2.1" } +candle = { path = "../candle-core", version = "0.2.2", package = "candle-core" } +candle-nn = { path = "../candle-nn", version = "0.2.2" } hf-hub = { workspace = true} intel-mkl-src = { workspace = true, optional = true } memmap2 = { workspace = true } diff --git a/candle-examples/Cargo.toml b/candle-examples/Cargo.toml index eb552b88..a52ad88f 100644 --- a/candle-examples/Cargo.toml +++ b/candle-examples/Cargo.toml @@ -11,11 +11,11 @@ readme = "README.md" [dependencies] accelerate-src = { workspace = true, optional = true } -candle = { path = "../candle-core", version = "0.2.1", package = "candle-core" } -candle-datasets = { path = "../candle-datasets", version = "0.2.1" } -candle-flash-attn = { path = "../candle-flash-attn", version = "0.2.1", optional = true } -candle-nn = { path = "../candle-nn", version = "0.2.1" } -candle-transformers = { path = "../candle-transformers", version = "0.2.1" } +candle = { path = "../candle-core", version = "0.2.2", package = "candle-core" } +candle-datasets = { path = "../candle-datasets", version = "0.2.2" } +candle-flash-attn = { path = "../candle-flash-attn", version = "0.2.2", optional = true } +candle-nn = { path = "../candle-nn", version = "0.2.2" } +candle-transformers = { path = "../candle-transformers", version = "0.2.2" } cudarc = { workspace = true, optional = true } half = { workspace = true, optional = true } image = { workspace = true } diff --git a/candle-flash-attn/Cargo.toml b/candle-flash-attn/Cargo.toml index 0d130519..f92383ea 100644 --- a/candle-flash-attn/Cargo.toml +++ b/candle-flash-attn/Cargo.toml @@ -1,6 +1,6 @@ [package] name = "candle-flash-attn" -version = "0.2.1" +version = "0.2.2" edition = "2021" description = "Flash attention layer for the candle ML framework." @@ -11,7 +11,7 @@ license = "MIT OR Apache-2.0" readme = "README.md" [dependencies] -candle = { path = "../candle-core", features = ["cuda"], version = "0.2.1", package = "candle-core" } +candle = { path = "../candle-core", features = ["cuda"], version = "0.2.2", package = "candle-core" } half = { version = "2.3.1", features = ["num-traits"] } [build-dependencies] @@ -21,4 +21,4 @@ rayon = "1.7.0" [dev-dependencies] anyhow = { version = "1", features = ["backtrace"] } -candle-nn = { path = "../candle-nn", version = "0.2.1", features = ["cuda"] } +candle-nn = { path = "../candle-nn", version = "0.2.2", features = ["cuda"] } diff --git a/candle-kernels/Cargo.toml b/candle-kernels/Cargo.toml index 576c52ea..d6924c76 100644 --- a/candle-kernels/Cargo.toml +++ b/candle-kernels/Cargo.toml @@ -1,6 +1,6 @@ [package] name = "candle-kernels" -version = "0.2.1" +version = "0.2.2" edition = "2021" description = "CUDA kernels for Candle" diff --git a/candle-nn/Cargo.toml b/candle-nn/Cargo.toml index db0f6a8f..5062a717 100644 --- a/candle-nn/Cargo.toml +++ b/candle-nn/Cargo.toml @@ -11,7 +11,7 @@ readme = "README.md" [dependencies] accelerate-src = { workspace = true, optional = true } -candle = { path = "../candle-core", version = "0.2.1", package = "candle-core" } +candle = { path = "../candle-core", version = "0.2.2", package = "candle-core" } half = { workspace = true } thiserror = { workspace = true } intel-mkl-src = { workspace = true, optional = true } diff --git a/candle-pyo3/Cargo.toml b/candle-pyo3/Cargo.toml index 97631b0a..1d431cfb 100644 --- a/candle-pyo3/Cargo.toml +++ b/candle-pyo3/Cargo.toml @@ -15,8 +15,8 @@ crate-type = ["cdylib"] doc = false [dependencies] -candle = { path = "../candle-core", version = "0.2.1", package = "candle-core" } -candle-nn = { path = "../candle-nn", version = "0.2.1" } +candle = { path = "../candle-core", version = "0.2.2", package = "candle-core" } +candle-nn = { path = "../candle-nn", version = "0.2.2" } half = { workspace = true } pyo3 = { version = "0.19.0", features = ["extension-module"] } diff --git a/candle-transformers/Cargo.toml b/candle-transformers/Cargo.toml index 86caf918..fd42060f 100644 --- a/candle-transformers/Cargo.toml +++ b/candle-transformers/Cargo.toml @@ -11,8 +11,8 @@ readme = "README.md" [dependencies] accelerate-src = { workspace = true, optional = true } -candle = { path = "../candle-core", version = "0.2.1", package = "candle-core" } -candle-nn = { path = "../candle-nn", version = "0.2.1" } +candle = { path = "../candle-core", version = "0.2.2", package = "candle-core" } +candle-nn = { path = "../candle-nn", version = "0.2.2" } intel-mkl-src = { workspace = true, optional = true } num-traits = { workspace = true } rand = { workspace = true } diff --git a/candle-wasm-examples/llama2-c/Cargo.toml b/candle-wasm-examples/llama2-c/Cargo.toml index 51eac694..7209a648 100644 --- a/candle-wasm-examples/llama2-c/Cargo.toml +++ b/candle-wasm-examples/llama2-c/Cargo.toml @@ -9,9 +9,9 @@ categories.workspace = true license.workspace = true [dependencies] -candle = { path = "../../candle-core", version = "0.2.1", package = "candle-core" } -candle-nn = { path = "../../candle-nn", version = "0.2.1" } -candle-transformers = { path = "../../candle-transformers", version = "0.2.1" } +candle = { path = "../../candle-core", version = "0.2.2", package = "candle-core" } +candle-nn = { path = "../../candle-nn", version = "0.2.2" } +candle-transformers = { path = "../../candle-transformers", version = "0.2.2" } num-traits = { workspace = true } tokenizers = { workspace = true, features = ["unstable_wasm"] } diff --git a/candle-wasm-examples/segment-anything/Cargo.toml b/candle-wasm-examples/segment-anything/Cargo.toml index ab82ab1f..b67de112 100644 --- a/candle-wasm-examples/segment-anything/Cargo.toml +++ b/candle-wasm-examples/segment-anything/Cargo.toml @@ -9,9 +9,9 @@ categories.workspace = true license.workspace = true [dependencies] -candle = { path = "../../candle-core", version = "0.2.1", package = "candle-core" } -candle-nn = { path = "../../candle-nn", version = "0.2.1" } -candle-transformers = { path = "../../candle-transformers", version = "0.2.1" } +candle = { path = "../../candle-core", version = "0.2.2", package = "candle-core" } +candle-nn = { path = "../../candle-nn", version = "0.2.2" } +candle-transformers = { path = "../../candle-transformers", version = "0.2.2" } num-traits = { workspace = true } # App crates. diff --git a/candle-wasm-examples/whisper/Cargo.toml b/candle-wasm-examples/whisper/Cargo.toml index 47e7e094..10d3356e 100644 --- a/candle-wasm-examples/whisper/Cargo.toml +++ b/candle-wasm-examples/whisper/Cargo.toml @@ -9,8 +9,8 @@ categories.workspace = true license.workspace = true [dependencies] -candle = { path = "../../candle-core", version = "0.2.1", package = "candle-core" } -candle-nn = { path = "../../candle-nn", version = "0.2.1" } +candle = { path = "../../candle-core", version = "0.2.2", package = "candle-core" } +candle-nn = { path = "../../candle-nn", version = "0.2.2" } num-traits = { workspace = true } tokenizers = { workspace = true, features = ["unstable_wasm"] } diff --git a/candle-wasm-examples/yolo/Cargo.toml b/candle-wasm-examples/yolo/Cargo.toml index b4daf6e6..9d9e60cc 100644 --- a/candle-wasm-examples/yolo/Cargo.toml +++ b/candle-wasm-examples/yolo/Cargo.toml @@ -9,8 +9,8 @@ categories.workspace = true license.workspace = true [dependencies] -candle = { path = "../../candle-core", version = "0.2.1", package = "candle-core" } -candle-nn = { path = "../../candle-nn", version = "0.2.1" } +candle = { path = "../../candle-core", version = "0.2.2", package = "candle-core" } +candle-nn = { path = "../../candle-nn", version = "0.2.2" } num-traits = { workspace = true } serde = { workspace = true } serde_json = { workspace = true } -- cgit v1.2.3 From 7dd8e1247208e9a060d174830569c748599e0fe0 Mon Sep 17 00:00:00 2001 From: Laurent Mazare Date: Mon, 18 Sep 2023 12:14:03 +0100 Subject: Bump the crate versions to v0.2.3. (#886) * Bump the crate version. * Also update the python bindings. --- CHANGELOG.md | 16 +++++++++++++++- Cargo.toml | 2 +- candle-book/Cargo.toml | 10 +++++----- candle-core/Cargo.toml | 2 +- candle-datasets/Cargo.toml | 4 ++-- candle-examples/Cargo.toml | 10 +++++----- candle-flash-attn/Cargo.toml | 6 +++--- candle-kernels/Cargo.toml | 2 +- candle-nn/Cargo.toml | 2 +- candle-pyo3/Cargo.toml | 4 ++-- candle-pyo3/pyproject.toml | 6 +++--- candle-transformers/Cargo.toml | 4 ++-- candle-wasm-examples/llama2-c/Cargo.toml | 6 +++--- candle-wasm-examples/segment-anything/Cargo.toml | 6 +++--- candle-wasm-examples/whisper/Cargo.toml | 4 ++-- candle-wasm-examples/yolo/Cargo.toml | 4 ++-- 16 files changed, 51 insertions(+), 37 deletions(-) (limited to 'candle-book') diff --git a/CHANGELOG.md b/CHANGELOG.md index 06041294..df9574d5 100644 --- a/CHANGELOG.md +++ b/CHANGELOG.md @@ -1,13 +1,27 @@ # Changelog This documents the main changes to the `candle` crate. -## v0.2.2 - Unreleased +## v0.2.3 - Unreleased + +### Added + +### Modified + +## v0.2.2 - 2023-09-18 ### Added - Support for `top_p` sampling [819](https://github.com/huggingface/candle/pull/819). +- T5 model including decoding + [864](https://github.com/huggingface/candle/pull/864). +- 1-d upsampling + [839](https://github.com/huggingface/candle/pull/839). ### Modified +- Bugfix for conv2d + [820](https://github.com/huggingface/candle/pull/820). +- Support tensor based indexing using `.i` + [842](https://github.com/huggingface/candle/pull/842). ## v0.2.1 - 2023-09-11 diff --git a/Cargo.toml b/Cargo.toml index fb03d93b..3a5763a1 100644 --- a/Cargo.toml +++ b/Cargo.toml @@ -19,7 +19,7 @@ exclude = [ resolver = "2" [workspace.package] -version = "0.2.2" +version = "0.2.3" edition = "2021" description = "Minimalist ML framework." repository = "https://github.com/huggingface/candle" diff --git a/candle-book/Cargo.toml b/candle-book/Cargo.toml index ac179cb9..8ec92e87 100644 --- a/candle-book/Cargo.toml +++ b/candle-book/Cargo.toml @@ -11,11 +11,11 @@ readme = "README.md" [dependencies] accelerate-src = { workspace = true, optional = true } -candle = { path = "../candle-core", version = "0.2.2", package = "candle-core" } -candle-datasets = { path = "../candle-datasets", version = "0.2.2" } -candle-nn = { path = "../candle-nn", version = "0.2.2" } -candle-transformers = { path = "../candle-transformers", version = "0.2.2" } -candle-flash-attn = { path = "../candle-flash-attn", version = "0.2.2", optional = true } +candle = { path = "../candle-core", version = "0.2.3", package = "candle-core" } +candle-datasets = { path = "../candle-datasets", version = "0.2.3" } +candle-nn = { path = "../candle-nn", version = "0.2.3" } +candle-transformers = { path = "../candle-transformers", version = "0.2.3" } +candle-flash-attn = { path = "../candle-flash-attn", version = "0.2.3", optional = true } safetensors = { workspace = true } serde = { workspace = true } serde_json = { workspace = true } diff --git a/candle-core/Cargo.toml b/candle-core/Cargo.toml index fad6d0bd..7af9b6fa 100644 --- a/candle-core/Cargo.toml +++ b/candle-core/Cargo.toml @@ -12,7 +12,7 @@ readme = "README.md" [dependencies] accelerate-src = { workspace = true, optional = true } byteorder = { workspace = true } -candle-kernels = { path = "../candle-kernels", version = "0.2.2", optional = true } +candle-kernels = { path = "../candle-kernels", version = "0.2.3", optional = true } cudarc = { workspace = true, optional = true } gemm = { workspace = true } half = { workspace = true } diff --git a/candle-datasets/Cargo.toml b/candle-datasets/Cargo.toml index e34aa9be..316f31c5 100644 --- a/candle-datasets/Cargo.toml +++ b/candle-datasets/Cargo.toml @@ -11,8 +11,8 @@ readme = "README.md" [dependencies] byteorder = { workspace = true } -candle = { path = "../candle-core", version = "0.2.2", package = "candle-core" } -candle-nn = { path = "../candle-nn", version = "0.2.2" } +candle = { path = "../candle-core", version = "0.2.3", package = "candle-core" } +candle-nn = { path = "../candle-nn", version = "0.2.3" } hf-hub = { workspace = true} intel-mkl-src = { workspace = true, optional = true } memmap2 = { workspace = true } diff --git a/candle-examples/Cargo.toml b/candle-examples/Cargo.toml index a52ad88f..cf8f0021 100644 --- a/candle-examples/Cargo.toml +++ b/candle-examples/Cargo.toml @@ -11,11 +11,11 @@ readme = "README.md" [dependencies] accelerate-src = { workspace = true, optional = true } -candle = { path = "../candle-core", version = "0.2.2", package = "candle-core" } -candle-datasets = { path = "../candle-datasets", version = "0.2.2" } -candle-flash-attn = { path = "../candle-flash-attn", version = "0.2.2", optional = true } -candle-nn = { path = "../candle-nn", version = "0.2.2" } -candle-transformers = { path = "../candle-transformers", version = "0.2.2" } +candle = { path = "../candle-core", version = "0.2.3", package = "candle-core" } +candle-datasets = { path = "../candle-datasets", version = "0.2.3" } +candle-flash-attn = { path = "../candle-flash-attn", version = "0.2.3", optional = true } +candle-nn = { path = "../candle-nn", version = "0.2.3" } +candle-transformers = { path = "../candle-transformers", version = "0.2.3" } cudarc = { workspace = true, optional = true } half = { workspace = true, optional = true } image = { workspace = true } diff --git a/candle-flash-attn/Cargo.toml b/candle-flash-attn/Cargo.toml index f92383ea..808e0070 100644 --- a/candle-flash-attn/Cargo.toml +++ b/candle-flash-attn/Cargo.toml @@ -1,6 +1,6 @@ [package] name = "candle-flash-attn" -version = "0.2.2" +version = "0.2.3" edition = "2021" description = "Flash attention layer for the candle ML framework." @@ -11,7 +11,7 @@ license = "MIT OR Apache-2.0" readme = "README.md" [dependencies] -candle = { path = "../candle-core", features = ["cuda"], version = "0.2.2", package = "candle-core" } +candle = { path = "../candle-core", features = ["cuda"], version = "0.2.3", package = "candle-core" } half = { version = "2.3.1", features = ["num-traits"] } [build-dependencies] @@ -21,4 +21,4 @@ rayon = "1.7.0" [dev-dependencies] anyhow = { version = "1", features = ["backtrace"] } -candle-nn = { path = "../candle-nn", version = "0.2.2", features = ["cuda"] } +candle-nn = { path = "../candle-nn", version = "0.2.3", features = ["cuda"] } diff --git a/candle-kernels/Cargo.toml b/candle-kernels/Cargo.toml index d6924c76..80b6aaab 100644 --- a/candle-kernels/Cargo.toml +++ b/candle-kernels/Cargo.toml @@ -1,6 +1,6 @@ [package] name = "candle-kernels" -version = "0.2.2" +version = "0.2.3" edition = "2021" description = "CUDA kernels for Candle" diff --git a/candle-nn/Cargo.toml b/candle-nn/Cargo.toml index 2a8ec8ce..a6629d33 100644 --- a/candle-nn/Cargo.toml +++ b/candle-nn/Cargo.toml @@ -11,7 +11,7 @@ readme = "README.md" [dependencies] accelerate-src = { workspace = true, optional = true } -candle = { path = "../candle-core", version = "0.2.2", package = "candle-core" } +candle = { path = "../candle-core", version = "0.2.3", package = "candle-core" } half = { workspace = true } thiserror = { workspace = true } intel-mkl-src = { workspace = true, optional = true } diff --git a/candle-pyo3/Cargo.toml b/candle-pyo3/Cargo.toml index c96681bd..7fd0ac28 100644 --- a/candle-pyo3/Cargo.toml +++ b/candle-pyo3/Cargo.toml @@ -14,8 +14,8 @@ name = "candle" crate-type = ["cdylib"] [dependencies] -candle = { path = "../candle-core", version = "0.2.2", package = "candle-core" } -candle-nn = { path = "../candle-nn", version = "0.2.2" } +candle = { path = "../candle-core", version = "0.2.3", package = "candle-core" } +candle-nn = { path = "../candle-nn", version = "0.2.3" } half = { workspace = true } pyo3 = { version = "0.19.0", features = ["extension-module"] } diff --git a/candle-pyo3/pyproject.toml b/candle-pyo3/pyproject.toml index b4e372d7..88793493 100644 --- a/candle-pyo3/pyproject.toml +++ b/candle-pyo3/pyproject.toml @@ -1,8 +1,8 @@ [project] -name = 'candle-pyo3' +name = 'candle-nn' requires-python = '>=3.7' authors = [ - {name = 'Laurent Mazare', email = ''}, + {name = 'The Candle Team'}, ] dynamic = [ @@ -27,4 +27,4 @@ features = ["pyo3/extension-module"] [tool.black] line-length = 119 -target-version = ['py35'] \ No newline at end of file +target-version = ['py35'] diff --git a/candle-transformers/Cargo.toml b/candle-transformers/Cargo.toml index fd42060f..2faadad9 100644 --- a/candle-transformers/Cargo.toml +++ b/candle-transformers/Cargo.toml @@ -11,8 +11,8 @@ readme = "README.md" [dependencies] accelerate-src = { workspace = true, optional = true } -candle = { path = "../candle-core", version = "0.2.2", package = "candle-core" } -candle-nn = { path = "../candle-nn", version = "0.2.2" } +candle = { path = "../candle-core", version = "0.2.3", package = "candle-core" } +candle-nn = { path = "../candle-nn", version = "0.2.3" } intel-mkl-src = { workspace = true, optional = true } num-traits = { workspace = true } rand = { workspace = true } diff --git a/candle-wasm-examples/llama2-c/Cargo.toml b/candle-wasm-examples/llama2-c/Cargo.toml index 7209a648..601f5e34 100644 --- a/candle-wasm-examples/llama2-c/Cargo.toml +++ b/candle-wasm-examples/llama2-c/Cargo.toml @@ -9,9 +9,9 @@ categories.workspace = true license.workspace = true [dependencies] -candle = { path = "../../candle-core", version = "0.2.2", package = "candle-core" } -candle-nn = { path = "../../candle-nn", version = "0.2.2" } -candle-transformers = { path = "../../candle-transformers", version = "0.2.2" } +candle = { path = "../../candle-core", version = "0.2.3", package = "candle-core" } +candle-nn = { path = "../../candle-nn", version = "0.2.3" } +candle-transformers = { path = "../../candle-transformers", version = "0.2.3" } num-traits = { workspace = true } tokenizers = { workspace = true, features = ["unstable_wasm"] } diff --git a/candle-wasm-examples/segment-anything/Cargo.toml b/candle-wasm-examples/segment-anything/Cargo.toml index a847424d..46b85615 100644 --- a/candle-wasm-examples/segment-anything/Cargo.toml +++ b/candle-wasm-examples/segment-anything/Cargo.toml @@ -9,9 +9,9 @@ categories.workspace = true license.workspace = true [dependencies] -candle = { path = "../../candle-core", version = "0.2.2", package = "candle-core" } -candle-nn = { path = "../../candle-nn", version = "0.2.2" } -candle-transformers = { path = "../../candle-transformers", version = "0.2.2" } +candle = { path = "../../candle-core", version = "0.2.3", package = "candle-core" } +candle-nn = { path = "../../candle-nn", version = "0.2.3" } +candle-transformers = { path = "../../candle-transformers", version = "0.2.3" } num-traits = { workspace = true } # App crates. diff --git a/candle-wasm-examples/whisper/Cargo.toml b/candle-wasm-examples/whisper/Cargo.toml index 10d3356e..8f1df531 100644 --- a/candle-wasm-examples/whisper/Cargo.toml +++ b/candle-wasm-examples/whisper/Cargo.toml @@ -9,8 +9,8 @@ categories.workspace = true license.workspace = true [dependencies] -candle = { path = "../../candle-core", version = "0.2.2", package = "candle-core" } -candle-nn = { path = "../../candle-nn", version = "0.2.2" } +candle = { path = "../../candle-core", version = "0.2.3", package = "candle-core" } +candle-nn = { path = "../../candle-nn", version = "0.2.3" } num-traits = { workspace = true } tokenizers = { workspace = true, features = ["unstable_wasm"] } diff --git a/candle-wasm-examples/yolo/Cargo.toml b/candle-wasm-examples/yolo/Cargo.toml index 9d9e60cc..71ef8049 100644 --- a/candle-wasm-examples/yolo/Cargo.toml +++ b/candle-wasm-examples/yolo/Cargo.toml @@ -9,8 +9,8 @@ categories.workspace = true license.workspace = true [dependencies] -candle = { path = "../../candle-core", version = "0.2.2", package = "candle-core" } -candle-nn = { path = "../../candle-nn", version = "0.2.2" } +candle = { path = "../../candle-core", version = "0.2.3", package = "candle-core" } +candle-nn = { path = "../../candle-nn", version = "0.2.3" } num-traits = { workspace = true } serde = { workspace = true } serde_json = { workspace = true } -- cgit v1.2.3 From 9cf26c5cff637a2764f1cc7926402bf60bfbd7a1 Mon Sep 17 00:00:00 2001 From: Ikko Eltociear Ashimine Date: Tue, 19 Sep 2023 15:14:15 +0900 Subject: Fix typo in error_manage.md (#888) occured -> occurred --- candle-book/src/error_manage.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) (limited to 'candle-book') diff --git a/candle-book/src/error_manage.md b/candle-book/src/error_manage.md index c1a16bd9..0623e0e3 100644 --- a/candle-book/src/error_manage.md +++ b/candle-book/src/error_manage.md @@ -29,7 +29,7 @@ After adding `RUST_BACKTRACE=1`: Error: WithBacktrace { inner: ShapeMismatchBinaryOp { lhs: [1, 784], rhs: [1, 784], op: "matmul" }, backtrace: Backtrace [{ fn: "candle::error::Error::bt", file: "/home/nicolas/.cargo/git/checkouts/candle-5bb8ef7e0626d693/f291065/candle-core/src/error.rs", line: 200 }, { fn: "candle::tensor::Tensor::matmul", file: "/home/nicolas/.cargo/git/checkouts/candle-5bb8ef7e0626d693/f291065/candle-core/src/tensor.rs", line: 816 }, { fn: "myapp::main", file: "./src/main.rs", line: 29 }, { fn: "core::ops::function::FnOnce::call_once", file: "/rustc/8ede3aae28fe6e4d52b38157d7bfe0d3bceef225/library/core/src/ops/function.rs", line: 250 }, { fn: "std::sys_common::backtrace::__rust_begin_short_backtrace", file: "/rustc/8ede3aae28fe6e4d52b38157d7bfe0d3bceef225/library/std/src/sys_common/backtrace.rs", line: 135 }, { fn: "std::rt::lang_start::{{closure}}", file: "/rustc/8ede3aae28fe6e4d52b38157d7bfe0d3bceef225/library/std/src/rt.rs", line: 166 }, { fn: "core::ops::function::impls:: for &F>::call_once", file: "/rustc/8ede3aae28fe6e4d52b38157d7bfe0d3bceef225/library/core/src/ops/function.rs", line: 284 }, { fn: "std::panicking::try::do_call", file: "/rustc/8ede3aae28fe6e4d52b38157d7bfe0d3bceef225/library/std/src/panicking.rs", line: 500 }, { fn: "std::panicking::try", file: "/rustc/8ede3aae28fe6e4d52b38157d7bfe0d3bceef225/library/std/src/panicking.rs", line: 464 }, { fn: "std::panic::catch_unwind", file: "/rustc/8ede3aae28fe6e4d52b38157d7bfe0d3bceef225/library/std/src/panic.rs", line: 142 }, { fn: "std::rt::lang_start_internal::{{closure}}", file: "/rustc/8ede3aae28fe6e4d52b38157d7bfe0d3bceef225/library/std/src/rt.rs", line: 148 }, { fn: "std::panicking::try::do_call", file: "/rustc/8ede3aae28fe6e4d52b38157d7bfe0d3bceef225/library/std/src/panicking.rs", line: 500 }, { fn: "std::panicking::try", file: "/rustc/8ede3aae28fe6e4d52b38157d7bfe0d3bceef225/library/std/src/panicking.rs", line: 464 }, { fn: "std::panic::catch_unwind", file: "/rustc/8ede3aae28fe6e4d52b38157d7bfe0d3bceef225/library/std/src/panic.rs", line: 142 }, { fn: "std::rt::lang_start_internal", file: "/rustc/8ede3aae28fe6e4d52b38157d7bfe0d3bceef225/library/std/src/rt.rs", line: 148 }, { fn: "std::rt::lang_start", file: "/rustc/8ede3aae28fe6e4d52b38157d7bfe0d3bceef225/library/std/src/rt.rs", line: 165 }, { fn: "main" }, { fn: "__libc_start_main" }, { fn: "_start" }] } ``` -Not super pretty at the moment, but we can see error occured on `{ fn: "myapp::main", file: "./src/main.rs", line: 29 }` +Not super pretty at the moment, but we can see error occurred on `{ fn: "myapp::main", file: "./src/main.rs", line: 29 }` Another thing to note, is that since Rust is compiled it is not necessarily as easy to recover proper stacktraces -- cgit v1.2.3