CNN algorithms like DenseNet DenseNet stress parameter efficiency, which usually results in less FLOPs. However, what I am struggling to understand is why this is important. For DenseNet, in particular, it has low inference speed. Isn't the purpose of decreased parameter size/FLOPs to decrease the time for inference? Is there another real world reason, such as perhaps less energy used, for these optimizations?
What is the purpose of decreased FLOPs and parameter size if they are not for increased speed?
921 Views Asked by ddd At
1
There are 1 best solutions below
Related Questions in MACHINE-LEARNING
- How to cluster a set of strings?
- Enforcing that inputs sum to 1 and are contained in the unit interval in scikit-learn
- scikit-learn preperation
- Spark MLLib How to ignore features when training a classifier
- Increasing the efficiency of equipment using Amazon Machine Learning
- How to interpret scikit's learn confusion matrix and classification report?
- Amazon Machine Learning for sentiment analysis
- What Machine Learning algorithm would be appropriate?
- LDA generated topics
- Spectral clustering with Similarity matrix constructed by jaccard coefficient
- Speeding up Viterbi execution
- Memory Error with Classifier fit and partial_fit
- How to find algo type(regression,classification) in Caret in R for all algos at once?
- Difference between weka tool's correlation coefficient and scikit learn's coefficient of determination score
- What are the approaches to the Big-Data problems?
Related Questions in CONV-NEURAL-NETWORK
- Using Convolution Neural Net with Lasagne in Python error
- How to prepare data for torch7 deep learning convolutional neural network example?
- additive Gaussian noise in Tensorflow
- Same output in neural network for each input after training
- ConvNet : Validation Loss not strongly decreasing but accuracy is improving
- Tensor flow affecting multiprocessing/threading
- Inceptionv3 Transfer Learning on Torch
- Transfer weights from caffe to tensorflew
- Lasagne NN strange behavior with accuracy and weight convergence
- Multiple outputs in Keras gives value error
- How to use feature maps of CNN to localize obect on the image?
- Why Validation Error Rate remain same value?
- How to create LMDB files for semantic segmentation?
- Training model to recognize one specific object (or scene)
- Restoring saved TensorFlow model to evaluate on test set
Related Questions in FLOPS
- How to calculate GFLOPs for a funtion in c++ program?
- How many FLOPs does tanh need?
- How to calculate the total number of FOP and floating-point performance of special operations(exp sin sqrt)?
- Understanding FMA instructions performance
- Better pipeline utilization causes lower performance in GPUs
- Automatic way to obtain the floating-point operation count for some piece of code
- Counting the number of flops
- How can I compute number of FLOPs and Params for 1-d CNN? Use pytorch platform
- Estimating the efficiency of GPU in FLOPS (CUDA SAMPLES)
- I want to measure FLOPs! I want to measure the amount of computation of the call function set to @tf.funcion, what should I do
- How do I measure the FLOPS my C# app uses?
- On GPU, is it possible to get more flops by combining double and float operations?
- Python code to benchmark in flops using threading
- Matrix multiplication on GPU. Memory bank conflicts and latency hiding
- FLOPS what really is a FLOP
Related Questions in DENSENET
- Unable to load chexnet pre-trained weight file to Densenet121
- How to compute GradCAM for keras regression model with multiple outputs
- Issue with presenting understandable predictions on a Python Keras CNN model
- Keras Dense Model ValueError: logits and labels must have the same shape ((None, 200, 1) vs (None, 1, 1))
- TypeError: unsupported operand type(s) for *: 'Dimension' and 'float' in DenseNet using keras
- How to solve `NameError: name 'compression' is not defined`?
- PyTorch: "ValueError: can't optimize a non-leaf Tensor" after changing pretrained model from 3 RGB Channels to 4 Channels
- Shapes incompatible with DenseNet transfer learning
- The Tensorflow model graph built with keras.utils.plot_model does not show concatenations
- Multihead model based on DenseNet201 using Keras
- how to change the out_features of densenet121 model?
- Is it possible to perform quantization on densenet169 and how?
- How to unfreeze layers from a densenet? (PyTorch)
- Is there a possibility to visualize intermediate layers in Keras?
- Dropout with densely connected layer
Trending Questions
- UIImageView Frame Doesn't Reflect Constraints
- Is it possible to use adb commands to click on a view by finding its ID?
- How to create a new web character symbol recognizable by html/javascript?
- Why isn't my CSS3 animation smooth in Google Chrome (but very smooth on other browsers)?
- Heap Gives Page Fault
- Connect ffmpeg to Visual Studio 2008
- Both Object- and ValueAnimator jumps when Duration is set above API LvL 24
- How to avoid default initialization of objects in std::vector?
- second argument of the command line arguments in a format other than char** argv or char* argv[]
- How to improve efficiency of algorithm which generates next lexicographic permutation?
- Navigating to the another actvity app getting crash in android
- How to read the particular message format in android and store in sqlite database?
- Resetting inventory status after order is cancelled
- Efficiently compute powers of X in SSE/AVX
- Insert into an external database using ajax and php : POST 500 (Internal Server Error)
Popular Questions
- How do I undo the most recent local commits in Git?
- How can I remove a specific item from an array in JavaScript?
- How do I delete a Git branch locally and remotely?
- Find all files containing a specific text (string) on Linux?
- How do I revert a Git repository to a previous commit?
- How do I create an HTML button that acts like a link?
- How do I check out a remote Git branch?
- How do I force "git pull" to overwrite local files?
- How do I list all files of a directory?
- How to check whether a string contains a substring in JavaScript?
- How do I redirect to another webpage?
- How can I iterate over rows in a Pandas DataFrame?
- How do I convert a String to an int in Java?
- Does Python have a string 'contains' substring method?
- How do I check if a string contains a specific word?
There is a difference between overall inference time vs. per parameter/FLOPs training efficiency. Having lower parameter/FLOPs in training does not guarantee higher speed in inference. Because overall inference depends on the architecture and how predictions are computed.