HomeSort by relevance Sort by last modified time
    Searched full:weights_ (Results 1 - 17 of 17) sorted by null

  /external/tensorflow/tensorflow/core/kernels/
mfcc_mel_filterbank.h 48 // proportion weights_[b] going into mel channel band_mapper_[b], and
49 // proportion (1 - weights_[b]) going into channel band_mapper_[b] + 1.
50 // Thus, weights_ contains the weighting applied to each FFT bin for the
52 std::vector<double> weights_; // Right-side weight for this fft bin. member in class:tensorflow::MfccMelFilterbank
mfcc_mel_filterbank.cc 113 // mel-channel center frequencies. This bin contributes weights_[i] to the
114 // current channel and 1-weights_[i] to the next channel.
115 weights_.resize(input_length_);
119 weights_[i] = 0.0;
122 weights_[i] =
126 weights_[i] = (center_frequencies_[0] - FreqToMel(i * hz_per_sbin)) /
140 band_weights_sum += (1.0 - weights_[i]);
142 band_weights_sum += weights_[i];
188 double weighted = spec_val * weights_[i];
range_sampler.cc 244 CHECK_EQ(range, weights_.size());
245 dist_sampler_.reset(new random::DistributionSampler(weights_));
260 CHECK_EQ(range, weights_.size());
261 dist_sampler_.reset(new random::DistributionSampler(weights_));
265 if (value < 0 || static_cast<size_t>(value) >= weights_.size()) {
268 return weights_.at(value) / total_weight_;
277 if (word_id % num_shards_ == shard_) weights_.push_back(0.0);
288 int32 word_id = weights_.size();
303 weights_.push_back(w);
312 int32 word_id = weights_.size()
    [all...]
range_sampler.h 231 // as weights_.at(i) / total_weight_.
232 std::vector<float> weights_; member in class:tensorflow::FixedUnigramSampler
  /external/tensorflow/tensorflow/contrib/boosted_trees/lib/utils/
dropout_utils_test.cc 46 weights_.push_back(1.1 + 0.4 * i);
51 std::vector<float> weights_; member in class:tensorflow::boosted_trees::utils::__anon39149::DropoutUtilsTest
66 weights_, &dropped_trees,
80 weights_, &dropped_trees,
86 EXPECT_EQ(original_weights, weights_);
102 weights_, &dropped_trees,
133 weights_, &dropped_trees,
139 EXPECT_EQ(original_weights, weights_);
154 weights_, &dropped_trees,
172 weights_, &dropped_trees
    [all...]
  /frameworks/ml/nn/common/operations/
RNN.cpp 28 weights_ = GetInput(operation, operands, kWeightsTensor);
84 const uint32_t num_units = weights_->shape().dimensions[0];
86 const uint32_t input_weights_stride = weights_->shape().dimensions[1];
103 const float* input_weights_ptr = reinterpret_cast<float*>(weights_->buffer);
RNN.h 63 const RunTimeOperandInfo *weights_; member in class:android::nn::RNN
  /external/tensorflow/tensorflow/contrib/lite/kernels/
embedding_lookup_sparse_test.cc 42 weights_ = AddInput(TensorType_FLOAT32);
59 PopulateTensor(weights_, weights_data);
80 int weights_; member in class:tflite::__anon39251::EmbeddingLookupSparseOpModel
fully_connected_test.cc 132 weights_ =
141 auto bias_scale = GetScale(input_) * GetScale(weights_);
152 BuildInterpreter({GetShape(input_), GetShape(weights_), GetShape(bias_)});
161 int weights_; member in class:tflite::__anon39254::BaseFullyConnectedOpModel
177 PopulateTensor(weights_, f);
198 QuantizeAndPopulate<uint8_t>(weights_, data);
basic_rnn_test.cc 130 weights_ = AddInput(TensorType_FLOAT32);
147 PopulateTensor(weights_, f);
178 int weights_; member in class:tflite::__anon39244::RNNOpModel
unidirectional_sequence_rnn_test.cc 134 weights_ = AddInput(TensorType_FLOAT32);
160 PopulateTensor(weights_, f);
192 int weights_; member in class:tflite::__anon39286::UnidirectionalRNNOpModel
  /external/tensorflow/tensorflow/contrib/mpi_collectives/
mpi_allreduce_test.py 71 weights.append(tf.get_variable("weights_{}".format(i),
  /external/tensorflow/tensorflow/contrib/tensorrt/convert/
convert_nodes.cc 170 : tensor_(tensor), weights_(DT_FLOAT), variant_(TRT_NODE_TENSOR) {}
172 : tensor_(nullptr), weights_(weights), variant_(TRT_NODE_WEIGHTS) {}
174 : tensor_(rhs.tensor_), weights_(rhs.weights_), variant_(rhs.variant_) {}
190 return weights_;
194 return weights_;
206 TRT_ShapedWeights weights_; member in class:tensorflow::tensorrt::convert::__anon39442::TRT_TensorOrWeights
    [all...]
  /external/webrtc/webrtc/modules/remote_bitrate_estimator/test/
bwe_test_logging.h 29 // BWE_TEST_LOGGING_LOG1("weight", "%f tonnes", weights_[i]);
  /external/tensorflow/tensorflow/contrib/bayesflow/python/ops/
hmc_impl.py 713 _, sigma_, weights_, _ = sess.run([log_sigma_update, sigma, weights])
714 weights_history[i, :] = weights_
    [all...]
  /external/tensorflow/tensorflow/docs_src/get_started/
feature_columns.md 146 learn _four individual weights_ rather than just one; four weights creates a
  /external/tensorflow/tensorflow/stream_executor/cuda/
cuda_dnn.cc 1069 ParamsRegions weights_; member in class:perftools::gputools::cuda::CudnnRnnParamsDescriptor
    [all...]

Completed in 280 milliseconds