opensoundscape
latest
OpenSoundscape
Installation
Mac and Linux
Windows
Contributors
Google Colab
Jupyter
Tutorials
Audio and spectrograms
Manipulating audio annotations
Prediction with pre-trained CNNs
Beginner friendly training and prediction with CNNs
Preprocessing audio samples with OpenSoundscape
Advanced CNN training
RIBBIT Pulse Rate model demonstration
API Documentation
Audio
Spectrogram
CNN
Annotations
Machine Learning utils
CNN Architectures
Logging with WandB (Weights and Biases)
Data Selection
Datasets
CAM (Class Activation Maps)
Loss
Safe Dataset
Sample
Sampling
Metrics
Image Augmentation
Actions
Preprocessors
preprocessors.utils
Tensor Augment
RIBBIT
Signal Processing
Localization
utils
Index
Index
Modules
opensoundscape
Docs
»
Index
Edit on GitHub
Index
_
|
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
J
|
L
|
M
|
N
|
O
|
P
|
R
|
S
|
T
|
U
|
V
|
W
_
__getitem__() (opensoundscape.ml.safe_dataset.SafeDataset method)
_build_index() (opensoundscape.ml.safe_dataset.SafeDataset method)
_safe_get_item() (opensoundscape.ml.safe_dataset.SafeDataset method)
A
Action (class in opensoundscape.preprocess.actions)
alexnet() (in module opensoundscape.ml.cnn_architectures)
amplitude() (opensoundscape.spectrogram.Spectrogram method)
apply_activation_layer() (in module opensoundscape.ml.utils)
apply_gain() (opensoundscape.audio.Audio method)
Audio (class in opensoundscape.audio)
audio_add_noise() (in module opensoundscape.preprocess.actions)
audio_random_gain() (in module opensoundscape.preprocess.actions)
audio_sample_rate (opensoundscape.spectrogram.Spectrogram attribute)
AudioClipLoader (class in opensoundscape.preprocess.actions)
AudioFileDataset (class in opensoundscape.ml.datasets)
AudioOutOfBoundsError
AudioSample (class in opensoundscape.sample)
AudioSplittingDataset (class in opensoundscape.ml.datasets)
AudioTrim (class in opensoundscape.preprocess.actions)
B
bandpass() (opensoundscape.annotations.BoxedAnnotations method)
(opensoundscape.audio.Audio method)
(opensoundscape.spectrogram.Spectrogram method)
bandpass_filter() (in module opensoundscape.audio)
BaseAction (class in opensoundscape.preprocess.actions)
BaseModule (class in opensoundscape.ml.utils)
BasePreprocessor (class in opensoundscape.preprocess.preprocessors)
BCEWithLogitsLoss_hot (class in opensoundscape.ml.loss)
binarize() (in module opensoundscape.utils)
binary_cross_entropy() (in module opensoundscape.ml.loss)
BoxedAnnotations (class in opensoundscape.annotations)
butter_bandpass() (in module opensoundscape.audio)
C
calc_speed_of_sound() (in module opensoundscape.localization)
calculate_pulse_score() (in module opensoundscape.ribbit)
calculate_tdoa_residuals() (in module opensoundscape.localization)
CAM (class in opensoundscape.ml.cam)
cas_dataloader() (in module opensoundscape.ml.utils)
categorical_labels (opensoundscape.sample.AudioSample attribute)
categorical_to_one_hot() (in module opensoundscape.annotations)
change_conv2d_channels() (in module opensoundscape.ml.cnn_architectures)
change_fc_output_size() (in module opensoundscape.ml.cnn_architectures)
class_counts() (opensoundscape.ml.datasets.AudioFileDataset method)
ClassAwareSampler (class in opensoundscape.ml.sampling)
clipping_detector() (in module opensoundscape.audio)
CNN (class in opensoundscape.ml.cnn)
collate_samples() (in module opensoundscape.sample)
concat() (in module opensoundscape.audio)
convert_labels() (opensoundscape.annotations.BoxedAnnotations method)
create_candidate_events() (opensoundscape.localization.SynchronizedRecorderArray method)
CrossEntropyLoss_hot (class in opensoundscape.ml.loss)
cwt_peaks() (in module opensoundscape.signal_processing)
D
dBFS (opensoundscape.audio.Audio attribute)
densenet121() (in module opensoundscape.ml.cnn_architectures)
detect_peak_sequence_cwt() (in module opensoundscape.signal_processing)
diff() (in module opensoundscape.annotations)
duration (opensoundscape.audio.Audio attribute)
(opensoundscape.spectrogram.Spectrogram attribute)
E
efficientnet_b0() (in module opensoundscape.ml.cnn_architectures)
efficientnet_b4() (in module opensoundscape.ml.cnn_architectures)
efficientnet_widese_b0() (in module opensoundscape.ml.cnn_architectures)
efficientnet_widese_b4() (in module opensoundscape.ml.cnn_architectures)
end_time (opensoundscape.sample.AudioSample attribute)
estimate_delay() (in module opensoundscape.audio)
estimate_delays() (opensoundscape.localization.SpatialEvent method)
estimate_location() (opensoundscape.localization.SpatialEvent method)
eval() (opensoundscape.ml.cnn.CNN method)
extend_by() (opensoundscape.audio.Audio method)
extend_to() (opensoundscape.audio.Audio method)
F
find_accel_sequences() (in module opensoundscape.signal_processing)
forward() (opensoundscape.preprocess.preprocessors.BasePreprocessor method)
freeze_params() (in module opensoundscape.ml.cnn_architectures)
freq_mask() (in module opensoundscape.preprocess.tensor_augment)
frequencies (opensoundscape.spectrogram.Spectrogram attribute)
frequency2scale() (in module opensoundscape.signal_processing)
frequency_mask() (in module opensoundscape.preprocess.actions)
from_audio() (opensoundscape.spectrogram.MelSpectrogram class method)
(opensoundscape.spectrogram.Spectrogram class method)
from_bytesio() (opensoundscape.audio.Audio class method)
from_file() (opensoundscape.audio.Audio class method)
from_raven_files() (opensoundscape.annotations.BoxedAnnotations class method)
from_series() (opensoundscape.sample.AudioSample class method)
from_torch_dict() (opensoundscape.ml.cnn.CNN class method)
(opensoundscape.ml.cnn.InceptionV3 class method)
from_url() (opensoundscape.audio.Audio class method)
G
gcc() (in module opensoundscape.signal_processing)
generate_cams() (opensoundscape.ml.cnn.CNN method)
generate_clip_times_df() (in module opensoundscape.utils)
generate_opso_metadata_str() (in module opensoundscape.audio)
get_args() (in module opensoundscape.preprocess.utils)
get_batch() (in module opensoundscape.ml.utils)
get_reqd_args() (in module opensoundscape.preprocess.utils)
GetDurationError
gillette_localize() (in module opensoundscape.localization)
global_one_hot_labels() (opensoundscape.annotations.BoxedAnnotations method)
go() (opensoundscape.preprocess.actions.SpectrogramToTensor method)
H
head() (opensoundscape.ml.datasets.AudioFileDataset method)
I
identity() (in module opensoundscape.utils)
image_to_tensor() (in module opensoundscape.preprocess.actions)
ImbalancedDatasetSampler (class in opensoundscape.ml.sampling)
inception_v3() (in module opensoundscape.ml.cnn_architectures)
InceptionV3 (class in opensoundscape.ml.cnn)
inrange() (in module opensoundscape.utils)
insert_action() (opensoundscape.preprocess.preprocessors.BasePreprocessor method)
InsufficientReceiversError
is_index_built (opensoundscape.ml.safe_dataset.SafeDataset attribute)
isNan() (in module opensoundscape.utils)
J
jitter() (in module opensoundscape.utils)
L
limit_db_range() (opensoundscape.spectrogram.Spectrogram method)
linear_scale() (in module opensoundscape.utils)
(opensoundscape.spectrogram.Spectrogram method)
list_architectures() (in module opensoundscape.ml.cnn_architectures)
load_channels_as_audio() (in module opensoundscape.audio)
load_model() (in module opensoundscape.ml.cnn)
load_outdated_model() (in module opensoundscape.ml.cnn)
load_weights() (opensoundscape.ml.cnn.CNN method)
localize() (in module opensoundscape.localization)
localize_detections() (opensoundscape.localization.SynchronizedRecorderArray method)
,
[1]
loop() (opensoundscape.audio.Audio method)
lorentz_ip() (in module opensoundscape.localization)
M
make_clip_df() (in module opensoundscape.utils)
make_nearby_files_dict() (opensoundscape.localization.SynchronizedRecorderArray method)
MelSpectrogram (class in opensoundscape.spectrogram)
min_max_scale() (in module opensoundscape.utils)
(opensoundscape.spectrogram.Spectrogram method)
mix() (in module opensoundscape.audio)
multi_target_metrics() (in module opensoundscape.metrics)
N
net_amplitude() (opensoundscape.spectrogram.Spectrogram method)
noise() (opensoundscape.audio.Audio class method)
normalize() (opensoundscape.audio.Audio method)
num_samples_examined (opensoundscape.ml.safe_dataset.SafeDataset attribute)
O
one_hot_clip_labels() (opensoundscape.annotations.BoxedAnnotations method)
one_hot_labels_like() (opensoundscape.annotations.BoxedAnnotations method)
one_hot_labels_on_time_interval() (in module opensoundscape.annotations)
one_hot_to_categorical() (in module opensoundscape.annotations)
opensoundscape.annotations (module)
opensoundscape.audio (module)
opensoundscape.data_selection (module)
opensoundscape.localization (module)
opensoundscape.logging (module)
opensoundscape.metrics (module)
opensoundscape.ml.cam (module)
opensoundscape.ml.cnn (module)
opensoundscape.ml.cnn_architectures (module)
opensoundscape.ml.datasets (module)
opensoundscape.ml.loss (module)
opensoundscape.ml.safe_dataset (module)
opensoundscape.ml.sampling (module)
opensoundscape.ml.utils (module)
opensoundscape.preprocess.actions (module)
opensoundscape.preprocess.img_augment (module)
opensoundscape.preprocess.preprocessors (module)
opensoundscape.preprocess.tensor_augment (module)
opensoundscape.preprocess.utils (module)
opensoundscape.ribbit (module)
opensoundscape.sample (module)
opensoundscape.signal_processing (module)
opensoundscape.spectrogram (module)
opensoundscape.utils (module)
OpsoLoadAudioInputError
overlap() (in module opensoundscape.utils)
overlap_fraction() (in module opensoundscape.utils)
overlap_samples (opensoundscape.spectrogram.Spectrogram attribute)
Overlay (class in opensoundscape.preprocess.actions)
overlay() (in module opensoundscape.preprocess.actions)
P
parse_opso_metadata() (in module opensoundscape.audio)
plot() (opensoundscape.ml.cam.CAM method)
(opensoundscape.spectrogram.MelSpectrogram method)
(opensoundscape.spectrogram.Spectrogram method)
predict() (opensoundscape.ml.cnn.CNN method)
predict_multi_target_labels() (in module opensoundscape.metrics)
predict_single_target_labels() (in module opensoundscape.metrics)
PreprocessingError
R
reduce_loss() (in module opensoundscape.ml.loss)
register_arch() (in module opensoundscape.ml.cnn_architectures)
remove_action() (opensoundscape.preprocess.preprocessors.BasePreprocessor method)
report() (opensoundscape.ml.safe_dataset.SafeDataset method)
resample() (in module opensoundscape.data_selection)
(opensoundscape.audio.Audio method)
ResampleLoss (class in opensoundscape.ml.loss)
rescale_features() (in module opensoundscape.utils)
resnet101() (in module opensoundscape.ml.cnn_architectures)
resnet152() (in module opensoundscape.ml.cnn_architectures)
resnet18() (in module opensoundscape.ml.cnn_architectures)
resnet34() (in module opensoundscape.ml.cnn_architectures)
resnet50() (in module opensoundscape.ml.cnn_architectures)
ribbit() (in module opensoundscape.ribbit)
rms (opensoundscape.audio.Audio attribute)
S
SafeDataset (class in opensoundscape.ml.safe_dataset)
Sample (class in opensoundscape.sample)
sample() (opensoundscape.ml.datasets.AudioFileDataset method)
save() (opensoundscape.audio.Audio method)
(opensoundscape.ml.cnn.CNN method)
save_torch_dict() (opensoundscape.ml.cnn.CNN method)
save_weights() (opensoundscape.ml.cnn.CNN method)
scale_tensor() (in module opensoundscape.preprocess.actions)
scaling (opensoundscape.spectrogram.Spectrogram attribute)
separate_resnet_feat_clf() (in module opensoundscape.ml.cnn)
set() (opensoundscape.preprocess.actions.BaseAction method)
show_tensor() (in module opensoundscape.preprocess.utils)
show_tensor_grid() (in module opensoundscape.preprocess.utils)
show_widget() (opensoundscape.audio.Audio method)
sigmoid() (in module opensoundscape.utils)
silence() (opensoundscape.audio.Audio class method)
single_target_metrics() (in module opensoundscape.metrics)
soundfinder_localize() (in module opensoundscape.localization)
SpatialEvent (class in opensoundscape.localization)
Spectrogram (class in opensoundscape.spectrogram)
SpectrogramPreprocessor (class in opensoundscape.preprocess.preprocessors)
SpectrogramToTensor (class in opensoundscape.preprocess.actions)
spectrum() (opensoundscape.audio.Audio method)
split() (opensoundscape.audio.Audio method)
split_and_save() (opensoundscape.audio.Audio method)
squeezenet1_0() (in module opensoundscape.ml.cnn_architectures)
subset() (opensoundscape.annotations.BoxedAnnotations method)
SynchronizedRecorderArray (class in opensoundscape.localization)
T
tdoa() (in module opensoundscape.signal_processing)
tensor_add_noise() (in module opensoundscape.preprocess.actions)
thresholded_event_durations() (in module opensoundscape.signal_processing)
time_mask() (in module opensoundscape.preprocess.actions)
(in module opensoundscape.preprocess.tensor_augment)
time_split() (in module opensoundscape.preprocess.img_augment)
to_image() (opensoundscape.spectrogram.Spectrogram method)
to_raven_files() (opensoundscape.annotations.BoxedAnnotations method)
torch_color_jitter() (in module opensoundscape.preprocess.actions)
torch_random_affine() (in module opensoundscape.preprocess.actions)
train() (opensoundscape.ml.cnn.CNN method)
travel_time() (in module opensoundscape.localization)
trim() (opensoundscape.annotations.BoxedAnnotations method)
(opensoundscape.audio.Audio method)
(opensoundscape.spectrogram.Spectrogram method)
trim_audio() (in module opensoundscape.preprocess.actions)
U
unique_labels() (opensoundscape.annotations.BoxedAnnotations method)
upsample() (in module opensoundscape.data_selection)
use_resample_loss() (in module opensoundscape.ml.cnn)
V
vgg11_bn() (in module opensoundscape.ml.cnn_architectures)
W
wandb_table() (in module opensoundscape.logging)
weight_reduce_loss() (in module opensoundscape.ml.loss)
window_length (opensoundscape.spectrogram.Spectrogram attribute)
window_start_times (opensoundscape.spectrogram.Spectrogram attribute)
window_step (opensoundscape.spectrogram.Spectrogram attribute)
window_type (opensoundscape.spectrogram.Spectrogram attribute)
Read the Docs
v: latest
Versions
latest
stable
v0.9.0
v0.8.0
v0.7.1
v0.7.0
v0.6.2
v0.6.1
v0.6.0
v0.5.0
v0.4.7
v0.4.6
v0.4.5
v0.4.4
v0.4.3
v0.4.2
v0.4.1
v0.4
docs
develop
Downloads
pdf
On Read the Docs
Project Home
Builds
Free document hosting provided by
Read the Docs
.