Index

[SYMBOL][A][B][C][D][E][F][G][H][I][J][K][L][M][N][O][P][Q][R][S][T][U][V][W][Y]

SYMBOL

+ (plus symbol)
1D (one-dimensional) tensor
500-by-500 tensor

A

accuracy
ACTION_DROP, responding to
actions
activation function
AdamOptimizer
ADC (analog-to-digital converter)
add_summary method
amounts vector
arbitrary functions
artificial neural network
AUC (area-under-curve) value
audio, extracting features from
augment data
autoencoders2nd3rd
applying
batch training
neural networks
working with images
automatic differentiation capabilities
autonomous agent

B

BasicLSTMCell
batch learning
batch training
Bayesian networks
best-fit curve2nd3rd
bias
binary classifier2nd
black box
BMU (best matching unit)
Boolean variables, Python
BregmanToolkit

C

cells, evaluating
centroid
chatbots, seq2seq models
  architecture of
  classifications
  gathering dialogue data
  RNNs
  vector representation of symbols
chromagram
CIFAR-10 web page
cifar_tools.py file
classification
  formal notation for
  measuring performance of classification algorithm
    accuracy
    precision and recall
    ROC curve
  multivariate classification
    one-versus-all approach for
    one-versus-one approach for
    softmax regression for
  overview
  real-world application of
  using linear regression for
  using logistic regression for
    one-dimensional logistic regression
    two-dimensional logistic regression
classifiers, training
clustering2nd
  extracting features from audio
  k-means clustering
  loading files in TensorFlow
  real-world application of
  segmentation
  SOM
CNNs (convolutional neural networks)2nd

code
  performance, trouble-shooting
  visualizing as graph
  writing in Jupyter
configurations, session
confusion matrix2nd
constant value
contextual information
continuous outputs
conv2d function2nd
convex
convolution layer
convolutional neural networks
  applying
  implementing in TensorFlow
    measuring performance
    training classifiers
  improving performance of
  neural networks, disadvantages of
  overview
  preparing images
    convolving using filters
    generating filters
    max-pooling
convolving images, using filters
Cornell Movie Dialogue corpus
correct_prediction
correspondence problem
cost function2nd3rd4th5th6th
cross-entropy loss
CSV datasets
curr_value
curse of dimensionality

D



data
  cleaning
  clustering
    extracting features from audio
    k-means clustering
    loading files in TensorFlow
    real-world application of
    segmentation
    SOM
  dialogue, gathering
  encoding
  higher-dimensional
  linear fit
  loading
  overfitting2nd
  underfitting
  visualizing using TensorBoard
    implementing moving averages
    visualizing moving averages.
    See time-series data.
data representation2nd
data split
dataflow graph2nd
Data.gov
data_loader.py file
datasets, CSV
deciding boundary
decoder_input_embedded
decoder_input_seq2nd
decoding
deeper architecture
DeepRL
denoising autoencoder
dependent variables
dimensionality reduction
discount factor
discrete Fourier transform
discrete outputs
distance metrics
DistBelief

Docker tool
  installing on Linux
  installing on macOS
  installing on Windows
  to install TensorFlow
  using
docker-machine ip command
dot product2nd
dtype (data type)
dummy data2nd
dummy variables

E

early stopping
edges2nd
E-M algorithm
embedding images
embedding_lookup function
embed_sequence function
emission matrix2nd
emission probability matrix
encoder_state variable
encoding
<EOS> (end-of-sequence) symbol
epoch
epsilon parameter
Euclidian distance
eval() function
executing a forward step
exploration vs. exploitation2nd

F

face detection and pose estimation, databases for
fast Fourier transform
FDDB (Face Detection Data Set and Benchmark)
feature engineering2nd
feature vector2nd3rd

features
  distance metrics
  extracting from audio
  overview
feed_dict argument
files, loading in TensorFlow

filters
  convolving images using
  generating
FN (false negative)
forward algorithm
Fourier transform
FP (false positive)
freq variable
frequency domain
Frossard, Davi
future time-steps

G

game playing
GAN (generative adversarial networks)
Gaussian distribution2nd
generating filters
genetic algorithms
global_variables_initializer op
<GO> symbol
go_prefixes matrix
gradient clipping
gradient descent
graphs, visualizing code as
greedy policy

H

Hardware-Assisted Virtualization Detection Tool, Microsoft
helper functions
hidden layers2nd
hidden neurons2nd
HMMs (hidden Markov models)
  forward algorithm
  Markov model
  modeling DNA
  modeling images
  modeling video
  not-so-interpretable models
  overview of
  real-world application of
  Viterbi decoding algorithm
hyperbolic tangent function
hyperparameters2nd

I

identity
ImageNet dataset

images
  embedding
  loading
  preparing
    convolving using filters
    generating filters
    max-pooling
  ranking
  working with
img placeholder
imitation learning
independent variables
inductive learning
inference
inference_logits op
initial probabilities
initial probability vector
input_dim

installing
  Matplotlib
  TensorFlow by using Docker
    installing Docker on Linux
    installing Docker on macOS
    installing Docker on Windows
    using Docker
int32 type
interactive session mode
interpretable models

J

jerk
Jupyter Notebook, writing code in

K

Kaggle
k-means algorithm
k-means clustering

L

L0 norm
L1 norm
L2 norm
Large Movie Review Dataset
libraries, testing
LibriSpeech
linear decision boundary
linear functions
linear model
linear regression
  for classification
  formal notation for
  polynomial model
  real-world application of
  regularization
  simple regression model
  solving
L-infinity norm
Linux operating system, installing Docker on
L-N norm
loading variables
load_sentences function
load_series function
logistic regression, for classification
  one-dimensional
  two-dimensional
LSTM (Long Short-Term Memory)
LSTMCell class

M



machine learning
  fundamentals of
    inference
    learning
    parameters
  types of
    reinforcement learning
    supervised learning
    unsupervised learning
macOS (operating system), installing Docker on
main function
make_cell function
Manhattan distance
maps, SOM
Markov model
Matplotlib library, installing
matrix2nd
max function2nd
max-pooling technique2nd
MDP (Markov decision process)
metaparameter
Moby
model2nd3rd

moving averages
  implementing
    visualizing
multiclass classifier
MultiRNNCell
multivariate classification
  one-versus-all approach for
  one-versus-one approach for
  softmax regression for
multivariate regression

N

name scopes
negative operator2nd
negative value

neural networks
  applying2nd
  contextual information
  disadvantages of
  implementing
  implementing in TensorFlow
    measuring performance
    training classifiers
  improving performance of
  overview2nd
  predictive model for time-series data
  preparing images
    convolving using filters
    generating filters
    max-pooling
NLP (natural language processing)2nd
nodes2nd
nominal values
nonconvex function
nonlinear functions
normal distribution2nd
num_iters
NumPy array2nd

O

one-dimensional (1D) tensor
one-hot encoding2nd3rd
one-versus-all approach, for multivariate classification
one-versus-one approach, for multivariate classification
operations, defining

operators
  creating
  executing with sessions
    setting session configurations
    visualizing code as graph
optimal point
optimal policy
ordinal type, values
outliers
output layers2nd
overfitting2nd

P

parameters2nd
parameter-space
PCA (principle component analysis)
pixel intensity
placeholders2nd3rd
plus symbol (+)
policies, in RL
polynomial regression model
precision
predictive models, for time-series data
preference models
probability matrix

Q

Q-function2nd3rd
Q-learning decision policy

R

ramp (ReLU) function
random policy
ranking, images
reader.read function
recall
receiver operating characteristic curve.
    See ROC curve.
recentering
recurrent neural networks.
    See RNNs.
regression
  for classification
    one-dimensional
    two-dimensional
  for multivariate classification
  formal notation for
  multivariate
  polynomial model
  real-world application of
  regularization
  simple regression model
  solving
regressor
regularization
regularizing weights
relu function
representing tensors
restore function
rewards
RL (reinforcement learning)
  applying2nd
  implementing
  overview
    policies
    utilities
rnn.dynamic_rnn function
RNNs (recurrent neural networks)2nd
  applying
  contextual information
  implementing
  overview
  predictive model for time-series data
robotics
ROC (receiver operating characteristic) curve
row-major order

S

saving variables
scikit-learn library
SciPy
segmentation
segment_size
select_action method
self.fwd
self.obs_idx
self-organizing map.
    See SOM.
sentences
Sentiment Labelled Sentences Data Set
seq2seq (sequence-to-sequence) models
  architecture of
  classifications
  gathering dialogue data
  RNNs
  vector representation of symbols
sequence_loss method
SeriesPredictor class2nd
Session context
session.run() statement

sessions
  executing operators with
    setting session configura-tions
    visualizing code as graph
  logging
show_weights function
sig (sigmoid) function
sigmoids
simple_regression.py file
simulated annealing
slice function
softmax function2nd
softmax_cross_entropy_with _logits function
softmax.py file
SOM (self-organizing map)
split_data function
stacked autoencoder2nd
stride length2nd
SummaryWriter
supervised learning
symbols, vector representation of

T

tb_files
TED-LIUM
temporal dependencies
Tensor class
TensorBoard dashboard, visualizing data using
  implementing moving averages
  visualizing moving averages

TensorFlow library
  implementing convolutional neural networks in
    measuring performance
    training classifiers
  installing by using Docker
    installing Docker on Linux
    installing Docker on macOS
    installing Docker on Windows
    using Docker
loading files in
testing
tensors, representing
test function2nd
testing sets
testing TensorFlow
tf.add(x, y) operator
tf.concat operator
tf.constant operator
tf.convert_to_tensor( ... ) function
tf.div(x, y) operator
tf.exp(x) operator
tf.floordiv(x, y) operator
tf.InteractiveSession() function
tf.mod(x, y) operator
tf.multiply(x, y) operator
tf.nn.dropout function
tf.nn.dynamic_rnn function
tf.nn.softmax_cross_entropy _with_logits library
tf.pow(x, y) operator
tf.Session() function
tf.sqrt(x) operator
tf.subtract(x, y) operator
tf.train.match_filenames_once operator
tf.train.string_input_producer operator
tf.truediv(x, y) operator
three-dimensional vector
time-series data, predictive model for
Tinker
TN (true negative)
TP (true positive)
train method2nd
training classifiers
training dataset2nd
TrainingHelper
train_op2nd3rd
transition matrix2nd
trellis diagram
Twitter Sentiment Analysis Dataset
two-input network

U

underfitting
unpickle function
unsupervised learning
update_avg operator
utilities, in RL
utility functions
  embedding images
  preference models
  ranking images

V

validation
value of state
Variable class

variables
  loading
  saving
  using
variance
variational autoencoder
vector representations, of symbols
vectors
VGG Face Dataset
viterbi cache
Viterbi decoding algorithm
VoxForge

W

Windows operating system, installing Docker on
WolframAlpha

Y

yahoo_finance library
y-axis
YouTube Faces Dataset

..................Content has been hidden....................

You can't read the all page of ebook, please click here login for view all page.
Reset
3.133.107.25