Fangjun Kuang
Committed by GitHub

Add Python API for clustering (#1385)

... ... @@ -2,6 +2,9 @@
set -ex
echo "TODO(fangjun): Skip this test since the sanitizer test is failed. We need to fix it"
exit 0
log() {
# This function is from espnet
local fname=${BASH_SOURCE[1]##*/}
... ...
... ... @@ -8,6 +8,18 @@ log() {
echo -e "$(date '+%Y-%m-%d %H:%M:%S') (${fname}:${BASH_LINENO[0]}:${FUNCNAME[1]}) $*"
}
log "test_clustering"
pushd /tmp/
mkdir test-cluster
cd test-cluster
curl -SL -O https://github.com/k2-fsa/sherpa-onnx/releases/download/speaker-recongition-models/3dspeaker_speech_eres2net_base_sv_zh-cn_3dspeaker_16k.onnx
git clone https://github.com/csukuangfj/sr-data
popd
python3 ./sherpa-onnx/python/tests/test_fast_clustering.py
rm -rf /tmp/test-cluster
export GIT_CLONE_PROTECTION_ACTIVE=false
log "test offline SenseVoice CTC"
... ...
... ... @@ -38,12 +38,14 @@ jobs:
fail-fast: false
matrix:
include:
- os: ubuntu-20.04
python-version: "3.7"
- os: ubuntu-20.04
python-version: "3.8"
- os: ubuntu-20.04
python-version: "3.9"
# it fails to install ffmpeg on ubuntu 20.04
#
# - os: ubuntu-20.04
# python-version: "3.7"
# - os: ubuntu-20.04
# python-version: "3.8"
# - os: ubuntu-20.04
# python-version: "3.9"
- os: ubuntu-22.04
python-version: "3.10"
... ...
... ... @@ -180,6 +180,14 @@ else()
add_definitions(-DSHERPA_ONNX_ENABLE_TTS=0)
endif()
if(SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION)
message(STATUS "speaker diarization is enabled")
add_definitions(-DSHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION=1)
else()
message(WARNING "speaker diarization is disabled")
add_definitions(-DSHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION=0)
endif()
if(SHERPA_ONNX_ENABLE_DIRECTML)
message(STATUS "DirectML is enabled")
add_definitions(-DSHERPA_ONNX_ENABLE_DIRECTML=1)
... ...
... ... @@ -63,6 +63,10 @@ if [ -z $SHERPA_ONNX_ENABLE_TTS ]; then
SHERPA_ONNX_ENABLE_TTS=ON
fi
if [ -z $SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION ]; then
SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION=ON
fi
if [ -z $SHERPA_ONNX_ENABLE_BINARY ]; then
SHERPA_ONNX_ENABLE_BINARY=OFF
fi
... ... @@ -77,6 +81,7 @@ fi
cmake -DCMAKE_TOOLCHAIN_FILE="$ANDROID_NDK/build/cmake/android.toolchain.cmake" \
-DSHERPA_ONNX_ENABLE_TTS=$SHERPA_ONNX_ENABLE_TTS \
-DSHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION=$SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION \
-DSHERPA_ONNX_ENABLE_BINARY=$SHERPA_ONNX_ENABLE_BINARY \
-DBUILD_PIPER_PHONMIZE_EXE=OFF \
-DBUILD_PIPER_PHONMIZE_TESTS=OFF \
... ...
... ... @@ -64,6 +64,10 @@ if [ -z $SHERPA_ONNX_ENABLE_TTS ]; then
SHERPA_ONNX_ENABLE_TTS=ON
fi
if [ -z $SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION ]; then
SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION=ON
fi
if [ -z $SHERPA_ONNX_ENABLE_BINARY ]; then
SHERPA_ONNX_ENABLE_BINARY=OFF
fi
... ... @@ -78,6 +82,7 @@ fi
cmake -DCMAKE_TOOLCHAIN_FILE="$ANDROID_NDK/build/cmake/android.toolchain.cmake" \
-DSHERPA_ONNX_ENABLE_TTS=$SHERPA_ONNX_ENABLE_TTS \
-DSHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION=$SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION \
-DSHERPA_ONNX_ENABLE_BINARY=$SHERPA_ONNX_ENABLE_BINARY \
-DBUILD_PIPER_PHONMIZE_EXE=OFF \
-DBUILD_PIPER_PHONMIZE_TESTS=OFF \
... ...
... ... @@ -64,6 +64,10 @@ if [ -z $SHERPA_ONNX_ENABLE_TTS ]; then
SHERPA_ONNX_ENABLE_TTS=ON
fi
if [ -z $SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION ]; then
SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION=ON
fi
if [ -z $SHERPA_ONNX_ENABLE_BINARY ]; then
SHERPA_ONNX_ENABLE_BINARY=OFF
fi
... ... @@ -78,6 +82,7 @@ fi
cmake -DCMAKE_TOOLCHAIN_FILE="$ANDROID_NDK/build/cmake/android.toolchain.cmake" \
-DSHERPA_ONNX_ENABLE_TTS=$SHERPA_ONNX_ENABLE_TTS \
-DSHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION=$SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION \
-DSHERPA_ONNX_ENABLE_BINARY=$SHERPA_ONNX_ENABLE_BINARY \
-DBUILD_PIPER_PHONMIZE_EXE=OFF \
-DBUILD_PIPER_PHONMIZE_TESTS=OFF \
... ...
... ... @@ -64,6 +64,10 @@ if [ -z $SHERPA_ONNX_ENABLE_TTS ]; then
SHERPA_ONNX_ENABLE_TTS=ON
fi
if [ -z $SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION ]; then
SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION=ON
fi
if [ -z $SHERPA_ONNX_ENABLE_BINARY ]; then
SHERPA_ONNX_ENABLE_BINARY=OFF
fi
... ... @@ -78,6 +82,7 @@ fi
cmake -DCMAKE_TOOLCHAIN_FILE="$ANDROID_NDK/build/cmake/android.toolchain.cmake" \
-DSHERPA_ONNX_ENABLE_TTS=$SHERPA_ONNX_ENABLE_TTS \
-DSHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION=$SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION \
-DSHERPA_ONNX_ENABLE_BINARY=$SHERPA_ONNX_ENABLE_BINARY \
-DBUILD_PIPER_PHONMIZE_EXE=OFF \
-DBUILD_PIPER_PHONMIZE_TESTS=OFF \
... ...
... ... @@ -21,6 +21,7 @@ SHERPA_ONNX_VERSION=$(grep "SHERPA_ONNX_VERSION" ./CMakeLists.txt | cut -d " "
log "Building streaming ASR two-pass APK for sherpa-onnx v${SHERPA_ONNX_VERSION}"
export SHERPA_ONNX_ENABLE_TTS=OFF
export SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION=OFF
log "====================arm64-v8a================="
./build-android-arm64-v8a.sh
... ...
... ... @@ -21,6 +21,7 @@ SHERPA_ONNX_VERSION=$(grep "SHERPA_ONNX_VERSION" ./CMakeLists.txt | cut -d " "
log "Building streaming ASR APK for sherpa-onnx v${SHERPA_ONNX_VERSION}"
export SHERPA_ONNX_ENABLE_TTS=OFF
export SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION=OFF
log "====================arm64-v8a================="
./build-android-arm64-v8a.sh
... ...
... ... @@ -30,6 +30,7 @@ log "====================x86===================="
./build-android-x86.sh
export SHERPA_ONNX_ENABLE_TTS=OFF
export SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION=OFF
mkdir -p apks
... ...
... ... @@ -30,6 +30,7 @@ log "====================x86===================="
./build-android-x86.sh
export SHERPA_ONNX_ENABLE_TTS=OFF
export SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION=OFF
mkdir -p apks
... ...
... ... @@ -19,6 +19,7 @@ SHERPA_ONNX_VERSION=$(grep "SHERPA_ONNX_VERSION" ./CMakeLists.txt | cut -d " "
log "Building keyword spotting APK for sherpa-onnx v${SHERPA_ONNX_VERSION}"
export SHERPA_ONNX_ENABLE_TTS=OFF
export SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION=OFF
log "====================arm64-v8a================="
./build-android-arm64-v8a.sh
... ...
... ... @@ -30,6 +30,7 @@ log "====================x86===================="
./build-android-x86.sh
export SHERPA_ONNX_ENABLE_TTS=OFF
export SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION=OFF
mkdir -p apks
... ...
... ... @@ -20,6 +20,8 @@ SHERPA_ONNX_VERSION=$(grep "SHERPA_ONNX_VERSION" ./CMakeLists.txt | cut -d " "
log "Building Speaker identification APK for sherpa-onnx v${SHERPA_ONNX_VERSION}"
export SHERPA_ONNX_ENABLE_TTS=OFF
log "====================arm64-v8a================="
./build-android-arm64-v8a.sh
log "====================armv7-eabi================"
... ... @@ -29,8 +31,6 @@ log "====================x86-64===================="
log "====================x86===================="
./build-android-x86.sh
export SHERPA_ONNX_ENABLE_TTS=OFF
mkdir -p apks
{% for model in model_list %}
... ...
... ... @@ -26,11 +26,13 @@ void FastClusteringConfig::Register(ParseOptions *po) {
p.Register("num-clusters", &num_clusters,
"Number of cluster. If greater than 0, then --cluster-thresold is "
"ignored");
"ignored. Please provide it if you know the actual number of "
"clusters in advance.");
p.Register("cluster-threshold", &threshold,
"If --num-clusters is not specified, then it specifies the "
"distance threshold for clustering.");
"distance threshold for clustering. smaller value -> more "
"clusters. larger value -> fewer clusters");
}
bool FastClusteringConfig::Validate() const {
... ...
... ... @@ -12,12 +12,23 @@
namespace sherpa_onnx {
struct FastClusteringConfig {
// If greater than 0, then threshold is ignored
// If greater than 0, then threshold is ignored.
//
// We strongly recommend that you set it if you know the number of clusters
// in advance
int32_t num_clusters = -1;
// distance threshold
// distance threshold.
//
// The lower, the more clusters it will generate.
// The higher, the fewer clusters it will generate.
float threshold = 0.5;
FastClusteringConfig() = default;
FastClusteringConfig(int32_t num_clusters, float threshold)
: num_clusters(num_clusters), threshold(threshold) {}
std::string ToString() const;
void Register(ParseOptions *po);
... ...
... ... @@ -16,7 +16,7 @@ class FastClustering::Impl {
explicit Impl(const FastClusteringConfig &config) : config_(config) {}
std::vector<int32_t> Cluster(float *features, int32_t num_rows,
int32_t num_cols) {
int32_t num_cols) const {
if (num_rows <= 0) {
return {};
}
... ... @@ -77,7 +77,7 @@ FastClustering::FastClustering(const FastClusteringConfig &config)
FastClustering::~FastClustering() = default;
std::vector<int32_t> FastClustering::Cluster(float *features, int32_t num_rows,
int32_t num_cols) {
int32_t num_cols) const {
return impl_->Cluster(features, num_rows, num_cols);
}
} // namespace sherpa_onnx
... ...
... ... @@ -32,7 +32,7 @@ class FastClustering {
* matrix.
*/
std::vector<int32_t> Cluster(float *features, int32_t num_rows,
int32_t num_cols);
int32_t num_cols) const;
private:
class Impl;
... ...
... ... @@ -59,6 +59,12 @@ if(SHERPA_ONNX_ENABLE_TTS)
)
endif()
if(SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION)
list(APPEND srcs
fast-clustering.cc
)
endif()
pybind11_add_module(_sherpa_onnx ${srcs})
if(APPLE)
... ...
// sherpa-onnx/python/csrc/fast-clustering.cc
//
// Copyright (c) 2024 Xiaomi Corporation
#include "sherpa-onnx/python/csrc/fast-clustering.h"
#include <sstream>
#include <vector>
#include "sherpa-onnx/csrc/fast-clustering.h"
namespace sherpa_onnx {
static void PybindFastClusteringConfig(py::module *m) {
using PyClass = FastClusteringConfig;
py::class_<PyClass>(*m, "FastClusteringConfig")
.def(py::init<int32_t, float>(), py::arg("num_clusters") = -1,
py::arg("threshold") = 0.5)
.def_readwrite("num_clusters", &PyClass::num_clusters)
.def_readwrite("threshold", &PyClass::threshold)
.def("__str__", &PyClass::ToString)
.def("validate", &PyClass::Validate);
}
void PybindFastClustering(py::module *m) {
PybindFastClusteringConfig(m);
using PyClass = FastClustering;
py::class_<PyClass>(*m, "FastClustering")
.def(py::init<const FastClusteringConfig &>(), py::arg("config"))
.def(
"__call__",
[](const PyClass &self,
py::array_t<float> features) -> std::vector<int32_t> {
int num_dim = features.ndim();
if (num_dim != 2) {
std::ostringstream os;
os << "Expect an array of 2 dimensions. Given dim: " << num_dim
<< "\n";
throw py::value_error(os.str());
}
int32_t num_rows = features.shape(0);
int32_t num_cols = features.shape(1);
float *p = features.mutable_data();
py::gil_scoped_release release;
return self.Cluster(p, num_rows, num_cols);
},
py::arg("features"));
}
} // namespace sherpa_onnx
... ...
// sherpa-onnx/python/csrc/fast-clustering.h
//
// Copyright (c) 2024 Xiaomi Corporation
#ifndef SHERPA_ONNX_PYTHON_CSRC_FAST_CLUSTERING_H_
#define SHERPA_ONNX_PYTHON_CSRC_FAST_CLUSTERING_H_
#include "sherpa-onnx/python/csrc/sherpa-onnx.h"
namespace sherpa_onnx {
void PybindFastClustering(py::module *m);
} // namespace sherpa_onnx
#endif // SHERPA_ONNX_PYTHON_CSRC_FAST_CLUSTERING_H_
... ...
... ... @@ -35,6 +35,10 @@
#include "sherpa-onnx/python/csrc/offline-tts.h"
#endif
#if SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION == 1
#include "sherpa-onnx/python/csrc/fast-clustering.h"
#endif
namespace sherpa_onnx {
PYBIND11_MODULE(_sherpa_onnx, m) {
... ... @@ -70,6 +74,10 @@ PYBIND11_MODULE(_sherpa_onnx, m) {
PybindOfflineTts(&m);
#endif
#if SHERPA_ONNX_ENABLE_SPEAKER_DIARIZATION == 1
PybindFastClustering(&m);
#endif
PybindSpeakerEmbeddingExtractor(&m);
PybindSpeakerEmbeddingManager(&m);
PybindSpokenLanguageIdentification(&m);
... ...
... ... @@ -6,6 +6,8 @@ from _sherpa_onnx import (
AudioTaggingModelConfig,
CircularBuffer,
Display,
FastClustering,
FastClusteringConfig,
OfflinePunctuation,
OfflinePunctuationConfig,
OfflinePunctuationModelConfig,
... ...
... ... @@ -19,6 +19,7 @@ endfunction()
# please sort the files in alphabetic order
set(py_test_files
test_fast_clustering.py
test_feature_extractor_config.py
test_keyword_spotter.py
test_offline_recognizer.py
... ...
# sherpa-onnx/python/tests/test_fast_clustering.py
#
# Copyright (c) 2024 Xiaomi Corporation
#
# To run this single test, use
#
# ctest --verbose -R test_fast_clustering_py
import unittest
import sherpa_onnx
import numpy as np
from pathlib import Path
from typing import Tuple
import soundfile as sf
def load_audio(filename: str) -> np.ndarray:
data, sample_rate = sf.read(
filename,
always_2d=True,
dtype="float32",
)
data = data[:, 0] # use only the first channel
samples = np.ascontiguousarray(data)
assert sample_rate == 16000, f"Expect sample_rate 16000. Given: {sample_rate}"
return samples
class TestFastClustering(unittest.TestCase):
def test_construct_by_num_clusters(self):
config = sherpa_onnx.FastClusteringConfig(num_clusters=4)
assert config.validate() is True
print(config)
clustering = sherpa_onnx.FastClustering(config)
features = np.array(
[
[0.2, 0.3], # cluster 0
[0.3, -0.4], # cluster 1
[-0.1, -0.2], # cluster 2
[-0.3, -0.5], # cluster 2
[0.1, -0.2], # cluster 1
[0.1, 0.2], # cluster 0
[-0.8, 1.9], # cluster 3
[-0.4, -0.6], # cluster 2
[-0.7, 0.9], # cluster 3
]
)
labels = clustering(features)
assert isinstance(labels, list)
assert len(labels) == features.shape[0]
expected = [0, 1, 2, 2, 1, 0, 3, 2, 3]
assert labels == expected, (labels, expected)
def test_construct_by_threshold(self):
config = sherpa_onnx.FastClusteringConfig(threshold=0.2)
assert config.validate() is True
print(config)
clustering = sherpa_onnx.FastClustering(config)
features = np.array(
[
[0.2, 0.3], # cluster 0
[0.3, -0.4], # cluster 1
[-0.1, -0.2], # cluster 2
[-0.3, -0.5], # cluster 2
[0.1, -0.2], # cluster 1
[0.1, 0.2], # cluster 0
[-0.8, 1.9], # cluster 3
[-0.4, -0.6], # cluster 2
[-0.7, 0.9], # cluster 3
]
)
labels = clustering(features)
assert isinstance(labels, list)
assert len(labels) == features.shape[0]
expected = [0, 1, 2, 2, 1, 0, 3, 2, 3]
assert labels == expected, (labels, expected)
def test_cluster_speaker_embeddings(self):
d = Path("/tmp/test-cluster")
# Please download the onnx file from
# https://github.com/k2-fsa/sherpa-onnx/releases/tag/speaker-recongition-models
model_file = d / "3dspeaker_speech_eres2net_base_sv_zh-cn_3dspeaker_16k.onnx"
if not model_file.exists():
print(f"skip test since {model_file} does not exist")
return
# Please download the test wave files from
# https://github.com/csukuangfj/sr-data
wave_dir = d / "sr-data"
if not wave_dir.is_dir():
print(f"skip test since {wave_dir} does not exist")
return
wave_files = [
"enroll/fangjun-sr-1.wav", # cluster 0
"enroll/fangjun-sr-2.wav", # cluster 0
"enroll/fangjun-sr-3.wav", # cluster 0
"enroll/leijun-sr-1.wav", # cluster 1
"enroll/leijun-sr-2.wav", # cluster 1
"enroll/liudehua-sr-1.wav", # cluster 2
"enroll/liudehua-sr-2.wav", # cluster 2
"test/fangjun-test-sr-1.wav", # cluster 0
"test/fangjun-test-sr-2.wav", # cluster 0
"test/leijun-test-sr-1.wav", # cluster 1
"test/leijun-test-sr-2.wav", # cluster 1
"test/leijun-test-sr-3.wav", # cluster 1
"test/liudehua-test-sr-1.wav", # cluster 2
"test/liudehua-test-sr-2.wav", # cluster 2
]
for w in wave_files:
f = d / "sr-data" / w
if not f.is_file():
print(f"skip testing since {f} does not exist")
return
extractor_config = sherpa_onnx.SpeakerEmbeddingExtractorConfig(
model=str(model_file),
num_threads=1,
debug=0,
)
if not extractor_config.validate():
raise ValueError(f"Invalid extractor config. {config}")
extractor = sherpa_onnx.SpeakerEmbeddingExtractor(extractor_config)
features = []
for w in wave_files:
f = d / "sr-data" / w
audio = load_audio(str(f))
stream = extractor.create_stream()
stream.accept_waveform(sample_rate=16000, waveform=audio)
stream.input_finished()
assert extractor.is_ready(stream)
embedding = extractor.compute(stream)
embedding = np.array(embedding)
features.append(embedding)
features = np.array(features)
config = sherpa_onnx.FastClusteringConfig(num_clusters=3)
# config = sherpa_onnx.FastClusteringConfig(threshold=0.5)
clustering = sherpa_onnx.FastClustering(config)
labels = clustering(features)
expected = [0, 0, 0, 1, 1, 2, 2]
expected += [0, 0, 1, 1, 1, 2, 2]
assert labels == expected, (labels, expected)
if __name__ == "__main__":
unittest.main()
... ...