opensoundscape
latest
OpenSoundscape
Installation
Mac and Linux
Windows
Contributors
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
adding the preprocessor to a CNN
Advanced CNN training
RIBBIT Pulse Rate model demonstration
API Documentation
Annotations
Audio
AudioMoth
Audio Tools
Spectrogram
CNN
torch.models.utils
CNN Architectures
torch.architectures.utils
WandB (Weights and Biases)
Data Selection
Datasets
GradCam
Loss
Safe Dataset
Sampling
Metrics
Image Augmentation
Actions
Preprocessors
preprocessors.utils
Tensor Augment
RIBBIT
Signal Processing
Taxa
Localization
helpers
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
|
X
_
__getitem__() (opensoundscape.torch.safe_dataset.SafeDataset method)
_build_index() (opensoundscape.torch.safe_dataset.SafeDataset method)
_safe_get_item() (opensoundscape.torch.safe_dataset.SafeDataset method)
A
Action (class in opensoundscape.preprocess.actions)
alexnet() (in module opensoundscape.torch.architectures.cnn_architectures)
amplitude() (opensoundscape.spectrogram.Spectrogram method)
apply_activation_layer() (in module opensoundscape.torch.models.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.torch.datasets)
audiomoth_start_time() (in module opensoundscape.audiomoth)
AudioOutOfBoundsError
AudioSplittingDataset (class in opensoundscape.torch.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_tools)
BaseAction (class in opensoundscape.preprocess.actions)
BaseArchitecture (class in opensoundscape.torch.architectures.utils)
BaseModule (class in opensoundscape.torch.models.utils)
BasePreprocessor (class in opensoundscape.preprocess.preprocessors)
BCEWithLogitsLoss_hot (class in opensoundscape.torch.loss)
binarize() (in module opensoundscape.helpers)
binary_cross_entropy() (in module opensoundscape.torch.loss)
bn_common_to_sci() (in module opensoundscape.taxa)
BoxedAnnotations (class in opensoundscape.annotations)
butter_bandpass() (in module opensoundscape.audio_tools)
C
calc_speed_of_sound() (in module opensoundscape.localization)
calculate_pulse_score() (in module opensoundscape.ribbit)
cas_dataloader() (in module opensoundscape.torch.models.utils)
categorical_to_one_hot() (in module opensoundscape.annotations)
change_conv2d_channels() (in module opensoundscape.torch.architectures.cnn_architectures)
change_fc_output_size() (in module opensoundscape.torch.architectures.cnn_architectures)
class_counts() (opensoundscape.torch.datasets.AudioFileDataset method)
ClassAwareSampler (class in opensoundscape.torch.sampling)
clipping_detector() (in module opensoundscape.audio_tools)
CNN (class in opensoundscape.torch.models.cnn)
combine() (in module opensoundscape.annotations)
common_to_sci() (in module opensoundscape.taxa)
CompositeArchitecture (class in opensoundscape.torch.architectures.utils)
concat() (in module opensoundscape.audio)
convert_labels() (opensoundscape.annotations.BoxedAnnotations method)
CrossEntropyLoss_hot (class in opensoundscape.torch.loss)
cwt_peaks() (in module opensoundscape.signal_processing)
D
dBFS (opensoundscape.audio.Audio attribute)
densenet121() (in module opensoundscape.torch.architectures.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.torch.architectures.cnn_architectures)
efficientnet_b4() (in module opensoundscape.torch.architectures.cnn_architectures)
efficientnet_widese_b0() (in module opensoundscape.torch.architectures.cnn_architectures)
efficientnet_widese_b4() (in module opensoundscape.torch.architectures.cnn_architectures)
eval() (opensoundscape.torch.models.cnn.CNN method)
extend() (opensoundscape.audio.Audio method)
F
find_accel_sequences() (in module opensoundscape.signal_processing)
forward() (opensoundscape.preprocess.preprocessors.BasePreprocessor method)
freeze_params() (in module opensoundscape.torch.architectures.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_file() (opensoundscape.annotations.BoxedAnnotations class method)
G
generate_clip_times_df() (in module opensoundscape.helpers)
generate_opso_metadata_str() (in module opensoundscape.audio)
get_args() (in module opensoundscape.preprocess.utils)
get_batch() (in module opensoundscape.torch.models.utils)
get_reqd_args() (in module opensoundscape.preprocess.utils)
get_species_list() (in module opensoundscape.taxa)
global_one_hot_labels() (opensoundscape.annotations.BoxedAnnotations method)
H
head() (opensoundscape.torch.datasets.AudioFileDataset method)
hex_to_time() (in module opensoundscape.helpers)
I
image_to_tensor() (in module opensoundscape.preprocess.actions)
ImbalancedDatasetSampler (class in opensoundscape.torch.sampling)
inception_v3() (in module opensoundscape.torch.architectures.cnn_architectures)
InceptionV3 (class in opensoundscape.torch.models.cnn)
inrange() (in module opensoundscape.helpers)
insert_action() (opensoundscape.preprocess.preprocessors.BasePreprocessor method)
is_index_built (opensoundscape.torch.safe_dataset.SafeDataset attribute)
isNan() (in module opensoundscape.helpers)
J
jitter() (in module opensoundscape.helpers)
L
limit_db_range() (opensoundscape.spectrogram.Spectrogram method)
linear_scale() (in module opensoundscape.helpers)
(opensoundscape.spectrogram.Spectrogram method)
list_architectures() (in module opensoundscape.torch.architectures.cnn_architectures)
load_channels_as_audio() (in module opensoundscape.audio)
load_metadata() (in module opensoundscape.helpers)
load_model() (in module opensoundscape.torch.models.cnn)
load_outdated_model() (in module opensoundscape.torch.models.cnn)
load_weights() (opensoundscape.torch.models.cnn.CNN method)
localize() (in module opensoundscape.localization)
loop() (opensoundscape.audio.Audio method)
lorentz_ip() (in module opensoundscape.localization)
M
make_clip_df() (in module opensoundscape.helpers)
MelSpectrogram (class in opensoundscape.spectrogram)
min_max_scale() (in module opensoundscape.helpers)
(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.torch.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.audio_tools (module)
opensoundscape.audiomoth (module)
opensoundscape.data_selection (module)
opensoundscape.helpers (module)
opensoundscape.localization (module)
opensoundscape.metrics (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.signal_processing (module)
opensoundscape.spectrogram (module)
opensoundscape.taxa (module)
opensoundscape.torch.architectures.cnn_architectures (module)
opensoundscape.torch.architectures.utils (module)
opensoundscape.torch.datasets (module)
opensoundscape.torch.grad_cam (module)
opensoundscape.torch.loss (module)
opensoundscape.torch.models.cnn (module)
opensoundscape.torch.models.utils (module)
opensoundscape.torch.safe_dataset (module)
opensoundscape.torch.sampling (module)
opensoundscape.wandb (module)
OpsoLoadAudioInputError
overlap() (in module opensoundscape.helpers)
overlap_fraction() (in module opensoundscape.helpers)
overlap_samples (opensoundscape.spectrogram.Spectrogram attribute)
Overlay (class in opensoundscape.preprocess.actions)
overlay() (in module opensoundscape.preprocess.actions)
P
parse_audiomoth_metadata() (in module opensoundscape.audiomoth)
parse_audiomoth_metadata_from_path() (in module opensoundscape.audiomoth)
parse_opso_metadata() (in module opensoundscape.audio)
plot() (opensoundscape.spectrogram.MelSpectrogram method)
(opensoundscape.spectrogram.Spectrogram method)
predict() (opensoundscape.torch.models.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.torch.loss)
register_arch() (in module opensoundscape.torch.architectures.cnn_architectures)
remove_action() (opensoundscape.preprocess.preprocessors.BasePreprocessor method)
report() (opensoundscape.torch.safe_dataset.SafeDataset method)
resample() (in module opensoundscape.data_selection)
(opensoundscape.audio.Audio method)
ResampleLoss (class in opensoundscape.torch.loss)
rescale_features() (in module opensoundscape.helpers)
resnet101() (in module opensoundscape.torch.architectures.cnn_architectures)
resnet152() (in module opensoundscape.torch.architectures.cnn_architectures)
resnet18() (in module opensoundscape.torch.architectures.cnn_architectures)
resnet34() (in module opensoundscape.torch.architectures.cnn_architectures)
resnet50() (in module opensoundscape.torch.architectures.cnn_architectures)
ribbit() (in module opensoundscape.ribbit)
rms (opensoundscape.audio.Audio attribute)
S
SafeDataset (class in opensoundscape.torch.safe_dataset)
sample() (opensoundscape.torch.datasets.AudioFileDataset method)
save() (opensoundscape.audio.Audio method)
(opensoundscape.torch.models.cnn.CNN method)
save_weights() (opensoundscape.torch.models.cnn.CNN method)
scale_tensor() (in module opensoundscape.preprocess.actions)
scaling (opensoundscape.spectrogram.Spectrogram attribute)
sci_to_bn_common() (in module opensoundscape.taxa)
sci_to_xc_common() (in module opensoundscape.taxa)
separate_resnet_feat_clf() (in module opensoundscape.torch.models.cnn)
set() (opensoundscape.preprocess.actions.BaseAction method)
show_tensor() (in module opensoundscape.preprocess.utils)
show_tensor_grid() (in module opensoundscape.preprocess.utils)
sigmoid() (in module opensoundscape.helpers)
silence() (opensoundscape.audio.Audio class method)
single_target_metrics() (in module opensoundscape.metrics)
Spectrogram (class in opensoundscape.spectrogram)
SpectrogramPreprocessor (class in opensoundscape.preprocess.preprocessors)
spectrum() (opensoundscape.audio.Audio method)
split() (opensoundscape.audio.Audio method)
split_and_save() (opensoundscape.audio.Audio method)
squeezenet1_0() (in module opensoundscape.torch.architectures.cnn_architectures)
subset() (opensoundscape.annotations.BoxedAnnotations method)
T
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_file() (opensoundscape.annotations.BoxedAnnotations method)
torch_color_jitter() (in module opensoundscape.preprocess.actions)
torch_random_affine() (in module opensoundscape.preprocess.actions)
train() (opensoundscape.torch.models.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.torch.models.cnn)
V
vgg11_bn() (in module opensoundscape.torch.architectures.cnn_architectures)
W
wandb_table() (in module opensoundscape.wandb)
weight_reduce_loss() (in module opensoundscape.torch.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)
X
xc_common_to_sci() (in module opensoundscape.taxa)
Read the Docs
v: latest
Versions
latest
stable
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
.