DLPy
1.2.1-dev
What’s New
Installation
Getting Started
Building Models
API Reference
License
DLPy
Docs
»
Index
Index
_
|
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
K
|
L
|
M
|
N
|
O
|
P
|
R
|
S
|
T
|
U
|
V
|
Y
_
__init__() (dlpy.audio.AudioTable method)
(dlpy.blocks.Bidirectional method)
(dlpy.blocks.ResBlock method)
(dlpy.blocks.ResBlock_Caffe method)
(dlpy.blocks.ResBlockBN method)
(dlpy.embedding_model.EmbeddingModel method)
(dlpy.image_embedding.ImageEmbeddingTable method)
(dlpy.images.ImageTable method)
(dlpy.layers.BN method)
(dlpy.layers.ChannelShuffle method)
(dlpy.layers.Concat method)
(dlpy.layers.Conv1d method)
(dlpy.layers.Conv2d method)
(dlpy.layers.Conv2DTranspose method)
(dlpy.layers.Dense method)
(dlpy.layers.Detection method)
(dlpy.layers.EmbeddingLoss method)
(dlpy.layers.FastRCNN method)
(dlpy.layers.FCMPLayer method)
(dlpy.layers.GlobalAveragePooling2D method)
(dlpy.layers.GroupConv2d method)
(dlpy.layers.InputLayer method)
(dlpy.layers.Keypoints method)
(dlpy.layers.Layer method)
(dlpy.layers.LayerNormalization method)
(dlpy.layers.MultiHeadAttention method)
(dlpy.layers.OutputLayer method)
(dlpy.layers.Pooling method)
(dlpy.layers.Proj method)
(dlpy.layers.Recurrent method)
(dlpy.layers.RegionProposal method)
(dlpy.layers.Res method)
(dlpy.layers.Reshape method)
(dlpy.layers.ROIPooling method)
(dlpy.layers.Scale method)
(dlpy.layers.Segmentation method)
(dlpy.layers.Split method)
(dlpy.layers.Survival method)
(dlpy.lr_scheduler.CyclicLR method)
(dlpy.lr_scheduler.FCMPLR method)
(dlpy.lr_scheduler.FixedLR method)
(dlpy.lr_scheduler.MultiStepLR method)
(dlpy.lr_scheduler.PolynomialLR method)
(dlpy.lr_scheduler.ReduceLROnPlateau method)
(dlpy.lr_scheduler.StepLR method)
(dlpy.model.AdamSolver method)
(dlpy.model.DataSpec method)
(dlpy.model.DataSpecNumNomOpts method)
(dlpy.model.FeatureMaps method)
(dlpy.model.Gpu method)
(dlpy.model.LBFGSolver method)
(dlpy.model.Model method)
(dlpy.model.MomentumSolver method)
(dlpy.model.NatGradSolver method)
(dlpy.model.Optimizer method)
(dlpy.model.Sequence method)
(dlpy.model.Solver method)
(dlpy.model.TextParms method)
(dlpy.model.VanillaSolver method)
(dlpy.sequential.Sequential method)
(dlpy.speech.Speech method)
(dlpy.timeseries.TimeseriesTable method)
A
accuracy_score() (in module dlpy.metrics)
AdamSolver (class in dlpy.model)
add() (dlpy.sequential.Sequential method)
as_patches() (dlpy.images.ImageTable method)
as_random_patches() (dlpy.images.ImageTable method)
AudioTable (class in dlpy.audio)
average_precision_score() (in module dlpy.metrics)
B
Bidirectional (class in dlpy.blocks)
BN (class in dlpy.layers)
build_embedding_model() (dlpy.embedding_model.EmbeddingModel class method)
C
calculate_segment_nframes() (in module dlpy.speech_utils)
change_labels() (dlpy.model.Model method)
ChannelShuffle (class in dlpy.layers)
check_framerate() (in module dlpy.speech_utils)
check_sampwidth() (in module dlpy.speech_utils)
check_stereo() (in module dlpy.speech_utils)
clean_audio() (in module dlpy.speech_utils)
compile() (dlpy.blocks.Bidirectional method)
(dlpy.blocks.ResBlock method)
(dlpy.blocks.ResBlock_Caffe method)
(dlpy.blocks.ResBlockBN method)
(dlpy.sequential.Sequential method)
Concat (class in dlpy.layers)
confusion_matrix() (in module dlpy.metrics)
Conv1d (class in dlpy.layers)
Conv2d (class in dlpy.layers)
Conv2DTranspose (class in dlpy.layers)
convert_audio_files() (in module dlpy.speech_utils)
convert_audio_files_to_specgrams() (in module dlpy.speech_utils)
convert_framerate() (in module dlpy.speech_utils)
convert_one_audio_file() (in module dlpy.speech_utils)
convert_one_audio_file_to_specgram() (in module dlpy.speech_utils)
convert_sampwidth() (in module dlpy.speech_utils)
convert_stereo_to_mono() (in module dlpy.speech_utils)
copy_table() (dlpy.images.ImageTable method)
count_params() (dlpy.model.Model method)
create_audio_feature_table() (dlpy.audio.AudioTable method)
create_audio_table() (dlpy.audio.AudioTable class method)
create_audio_table_speechrecognition() (dlpy.audio.AudioTable class method)
create_captioning_table() (in module dlpy.image_captioning)
create_captions_table() (in module dlpy.image_captioning)
create_embeddings_from_object_detection() (in module dlpy.image_captioning)
crop() (dlpy.images.ImageTable method)
CyclicLR (class in dlpy.lr_scheduler)
D
Darknet() (in module dlpy.applications)
Darknet_Reference() (in module dlpy.applications)
DataSpec (class in dlpy.model)
DataSpecNumNomOpts (class in dlpy.model)
Dense (class in dlpy.layers)
DenseNet() (in module dlpy.applications)
DenseNet121() (in module dlpy.applications)
deploy() (dlpy.model.Model method)
deploy_embedding_model() (dlpy.embedding_model.EmbeddingModel method)
Detection (class in dlpy.layers)
display() (dlpy.model.FeatureMaps method)
display_predicted_image_captions() (in module dlpy.image_captioning)
display_raw_data_for_one_audio_file() (in module dlpy.speech_utils)
display_spectrogram_for_one_audio_file() (in module dlpy.speech_utils)
dlpy
module
E
EmbeddingLoss (class in dlpy.layers)
EmbeddingModel (class in dlpy.embedding_model)
evaluate() (dlpy.model.Model method)
evaluate_object_detection() (dlpy.model.Model method)
explained_variance_score() (in module dlpy.metrics)
extract_audio_features() (dlpy.audio.AudioTable class method)
F
f1_score() (in module dlpy.metrics)
Faster_RCNN() (in module dlpy.applications)
FastRCNN (class in dlpy.layers)
FCMPLayer (class in dlpy.layers)
FCMPLR (class in dlpy.lr_scheduler)
FeatureMaps (class in dlpy.model)
fit() (dlpy.model.Model method)
fit_and_visualize() (dlpy.model.Model method)
fit_embedding_model() (dlpy.embedding_model.EmbeddingModel method)
FixedLR (class in dlpy.lr_scheduler)
forecast() (dlpy.model.Model method)
from_audio_sashdat() (dlpy.audio.AudioTable class method)
from_caffe_model() (dlpy.model.Model class method)
from_keras_model() (dlpy.model.Model class method)
from_localfile() (dlpy.timeseries.TimeseriesTable class method)
from_onnx_model() (dlpy.model.Model class method)
from_pandas() (dlpy.timeseries.TimeseriesTable class method)
from_sashdat() (dlpy.model.Model class method)
from_serverfile() (dlpy.timeseries.TimeseriesTable class method)
from_table() (dlpy.images.ImageTable class method)
(dlpy.model.Model class method)
(dlpy.timeseries.TimeseriesTable class method)
G
get_feature_maps() (dlpy.model.Model method)
get_features() (dlpy.model.Model method)
get_image_features() (in module dlpy.image_captioning)
get_model_info() (dlpy.model.Model method)
GlobalAveragePooling2D (class in dlpy.layers)
Gpu (class in dlpy.model)
GroupConv2d (class in dlpy.layers)
H
heat_map_analysis() (dlpy.model.Model method)
I
ImageCaptioning() (in module dlpy.image_captioning)
ImageEmbeddingTable (class in dlpy.image_embedding)
ImageTable (class in dlpy.images)
InceptionV3() (in module dlpy.applications)
InputLayer (class in dlpy.layers)
K
Keypoints (class in dlpy.layers)
L
label_freq() (dlpy.image_embedding.ImageEmbeddingTable property)
Layer (class in dlpy.layers)
LayerNormalization (class in dlpy.layers)
LBFGSolver (class in dlpy.model)
LeNet5() (in module dlpy.applications)
load() (dlpy.model.Model method)
load_acoustic_model() (dlpy.speech.Speech method)
load_audio_files() (dlpy.audio.AudioTable class method)
load_audio_metadata() (dlpy.audio.AudioTable class method)
load_audio_metadata_speechrecognition() (dlpy.audio.AudioTable class method)
load_files() (dlpy.image_embedding.ImageEmbeddingTable class method)
(dlpy.images.ImageTable class method)
load_language_model() (dlpy.speech.Speech method)
load_weights() (dlpy.model.Model method)
load_weights_attr() (dlpy.model.Model method)
load_weights_from_caffe() (dlpy.model.Model method)
load_weights_from_keras() (dlpy.model.Model method)
load_weights_from_table() (dlpy.model.Model method)
M
mean_absolute_error() (in module dlpy.metrics)
mean_squared_error() (in module dlpy.metrics)
mean_squared_log_error() (in module dlpy.metrics)
MobileNetV1() (in module dlpy.applications)
MobileNetV2() (in module dlpy.applications)
Model (class in dlpy.model)
module
dlpy
MomentumSolver (class in dlpy.model)
MultiHeadAttention (class in dlpy.layers)
MultiStepLR (class in dlpy.lr_scheduler)
N
NatGradSolver (class in dlpy.model)
O
Optimizer (class in dlpy.model)
OutputLayer (class in dlpy.layers)
P
play_one_audio_file() (in module dlpy.speech_utils)
plot_evaluate_res() (dlpy.model.Model method)
plot_heat_map() (dlpy.model.Model method)
plot_network() (dlpy.model.Model method)
plot_precision_recall() (in module dlpy.metrics)
plot_roc() (in module dlpy.metrics)
plot_timeseries() (in module dlpy.timeseries)
plot_training_history() (dlpy.model.Model method)
PolynomialLR (class in dlpy.lr_scheduler)
Pooling (class in dlpy.layers)
pop() (dlpy.sequential.Sequential method)
predict() (dlpy.model.Model method)
prepare_subsequences() (dlpy.timeseries.TimeseriesTable method)
print_summary() (dlpy.model.Model method)
Proj (class in dlpy.layers)
R
r2_score() (in module dlpy.metrics)
random_mutations() (dlpy.images.ImageTable method)
read_audio() (in module dlpy.speech_utils)
Recurrent (class in dlpy.layers)
ReduceLROnPlateau (class in dlpy.lr_scheduler)
RegionProposal (class in dlpy.layers)
Res (class in dlpy.layers)
ResBlock (class in dlpy.blocks)
ResBlock_Caffe (class in dlpy.blocks)
ResBlockBN (class in dlpy.blocks)
Reshape (class in dlpy.layers)
reshape_caption_columns() (in module dlpy.image_captioning)
resize() (dlpy.images.ImageTable method)
ResNet101_Caffe() (in module dlpy.applications)
ResNet101_SAS() (in module dlpy.applications)
ResNet152_Caffe() (in module dlpy.applications)
ResNet152_SAS() (in module dlpy.applications)
ResNet18_Caffe() (in module dlpy.applications)
ResNet18_SAS() (in module dlpy.applications)
ResNet34_Caffe() (in module dlpy.applications)
ResNet34_SAS() (in module dlpy.applications)
ResNet50_Caffe() (in module dlpy.applications)
ResNet50_SAS() (in module dlpy.applications)
ResNet_Wide() (in module dlpy.applications)
roc_auc_score() (in module dlpy.metrics)
ROIPooling (class in dlpy.layers)
S
save_to_astore() (dlpy.model.Model method)
save_to_table() (dlpy.model.Model method)
Scale (class in dlpy.layers)
segment_audio() (in module dlpy.speech_utils)
Segmentation (class in dlpy.layers)
Sequence (class in dlpy.model)
SequenceLabeling() (in module dlpy.applications)
Sequential (class in dlpy.sequential)
set_weights() (dlpy.model.Model method)
set_weights_attr() (dlpy.model.Model method)
show() (dlpy.image_embedding.ImageEmbeddingTable method)
(dlpy.images.ImageTable method)
ShuffleNetV1() (in module dlpy.applications)
Solver (class in dlpy.model)
Speech (class in dlpy.speech)
SpeechRecognition() (in module dlpy.applications)
Split (class in dlpy.layers)
StepLR (class in dlpy.lr_scheduler)
Survival (class in dlpy.layers)
switch() (dlpy.sequential.Sequential method)
T
TextClassification() (in module dlpy.applications)
TextGeneration() (in module dlpy.applications)
TextParms (class in dlpy.model)
three_way_split() (in module dlpy.splitting)
timeseries_accumlation() (dlpy.timeseries.TimeseriesTable method)
timeseries_formatting() (dlpy.timeseries.TimeseriesTable method)
timeseries_partition() (dlpy.timeseries.TimeseriesTable method)
TimeseriesTable (class in dlpy.timeseries)
Tiny_YoloV1() (in module dlpy.applications)
Tiny_YoloV2() (in module dlpy.applications)
to_files() (dlpy.images.ImageTable method)
to_sashdat() (dlpy.images.ImageTable method)
transcribe() (dlpy.speech.Speech method)
tune() (dlpy.model.Model method)
two_way_split() (in module dlpy.splitting)
U
UNet() (in module dlpy.applications)
V
VanillaSolver (class in dlpy.model)
VGG11() (in module dlpy.applications)
VGG13() (in module dlpy.applications)
VGG16() (in module dlpy.applications)
VGG19() (in module dlpy.applications)
Y
YoloV1() (in module dlpy.applications)
YoloV2() (in module dlpy.applications)
YoloV2_MultiSize() (in module dlpy.applications)