19 December 2025

#TensorFlow

#TensorFlow

Key Concepts


S.No Topic Sub-Topics
1IntroductionInstall TF, CPU vs GPU, Eager mode, Tensor basics
2Tensor OperationsTensor creation, slicing, reshaping, broadcasting
3Computation GraphGraph vs Eager, tf.function, autograph
4Matrix OperationsMatMul, transpose, reduce ops
5Datasets Basicstf.data, map, batch, shuffle
6TFRecordsCreate TFRecords, serialize, parse
7Keras BasicsSequential model, compile, fit, evaluate
8Functional APICustom architectures, merging layers, multi-input models
9Layer TypesDense, Conv, RNN, Embedding, Flatten
10OptimizersAdam, SGD, RMSProp, custom optimizer
11Loss FunctionsMSE, CrossEntropy, Huber loss, custom loss
12CallbacksModelCheckpoint, EarlyStopping, TensorBoard
13Computer Vision BasicsImage preprocessing, CNN, Conv2D
14Advanced CNNResNet, Inception, MobileNet, Fine-tuning
15Data AugmentationImageDataGenerator, tf.image operations
16NLP BasicsText preprocessing, Tokenizer, Embedding
17RNN ModelsLSTM, GRU, Bi-LSTM
18TransformersAttention, BERT, Encoder-Decoder
19Custom LayersLayer subclassing, call(), build()
20Custom Training LoopGradientTape, train_step(), metrics
21Model Saving & LoadingSavedModel, checkpoints, export
22Performance OptimizationMixed precision, profiling, XLA
23Distributed TrainingMirroredStrategy, Multi-GPU training
24TPU & Cloud TrainingTPU setup, strategy, distributed datasets
25TensorFlow ServingREST API, Docker deployment
26TensorFlow LiteQuantization, TFLite conversion, mobile deployment
27Object DetectionTFOD API, SSD, Faster R-CNN
28Image SegmentationU-Net, Mask R-CNN, FCN
29AutoML + KerasTunerHyperparameter tuning, search strategies
30MLOps PipelineCI/CD, model registry, orchestration
31End-to-End ProjectData → Training → Evaluation → Serving deployment

Interview question

Basic

  1. What is TensorFlow?
  2. Explain Tensors in TensorFlow.
  3. Difference between TensorFlow 1.x and 2.x.
  4. What is eager execution?
  5. What are variables and constants in TensorFlow?
  6. Explain tf.constant().
  7. Explain tf.Variable().
  8. What is a computational graph?
  9. What is a session in TensorFlow 1.x?
  10. How do you execute operations in eager mode?
  11. What are placeholders in TensorFlow?
  12. Explain tf.function.
  13. Difference between TensorFlow and NumPy arrays.
  14. What is broadcasting in TensorFlow?
  15. How do you install TensorFlow?
  16. Difference between tf.Tensor and tf.Variable.
  17. How to check TensorFlow version?
  18. How to create a 1D tensor?
  19. How to create a 2D tensor?
  20. Explain basic tensor operations (add, multiply).
  21. What is the shape of a tensor?
  22. How to reshape a tensor?
  23. How to slice a tensor?
  24. Explain tf.zeros() and tf.ones().
  25. What are TensorFlow datasets?

Intermediate

  1. What is tf.data.Dataset?
  2. How to batch a dataset in TensorFlow?
  3. How to shuffle a dataset?
  4. Explain map() function in tf.data.
  5. What are optimizers in TensorFlow?
  6. Explain GradientTape.
  7. How do you compute gradients?
  8. Difference between model.fit and custom training loop.
  9. What is tf.keras.Model?
  10. What is tf.keras.layers.Layer?
  11. Explain Sequential API.
  12. Difference between Sequential and Functional API.
  13. How to add layers to a model?
  14. What is compile() in Keras?
  15. Explain loss functions.
  16. Explain metrics in TensorFlow.
  17. How to use callbacks?
  18. What is EarlyStopping callback?
  19. What is ModelCheckpoint callback?
  20. Explain TensorBoard.
  21. What is data normalization?
  22. How to preprocess images in TensorFlow?
  23. How to handle categorical data?
  24. Difference between fit() and evaluate().
  25. How to save and load a model?

Advanced

  1. Explain Convolutional Neural Networks (CNN) in TensorFlow.
  2. Explain layers: Conv2D, MaxPooling2D, Flatten, Dense.
  3. What is Transfer Learning?
  4. How to fine-tune a pre-trained model?
  5. Explain data augmentation techniques.
  6. Explain Recurrent Neural Networks (RNN).
  7. Explain LSTM and GRU layers.
  8. How to implement Bidirectional RNN?
  9. What is attention mechanism?
  10. Explain embeddings in TensorFlow.
  11. How to implement a custom layer?
  12. How to implement a custom model subclassing tf.keras.Model?
  13. How to implement a custom loss function?
  14. How to implement a custom metric?
  15. Explain TensorFlow Serving.
  16. What is TensorFlow Lite?
  17. How to deploy a model on mobile using TFLite?
  18. Explain TensorFlow.js.
  19. How to deploy a model in a browser using TensorFlow.js?
  20. Explain tf.function and autograph.
  21. How to optimize model performance with mixed precision?
  22. How to use GPU for training?
  23. How to profile TensorFlow models?
  24. Explain distribution strategies (MirroredStrategy, MultiWorkerMirroredStrategy).
  25. Explain saving models in SavedModel format vs HDF5 format.

Expert

  1. How to implement custom training loops using GradientTape?
  2. How to implement reinforcement learning in TensorFlow?
  3. How to implement GANs in TensorFlow?
  4. How to implement autoencoders?
  5. How to implement seq2seq models?
  6. How to handle large datasets with tf.data pipelines?
  7. Explain TFRecord format and how to use it.
  8. How to use tf.lookup for vocab and embeddings?
  9. How to debug TensorFlow models?
  10. Explain model quantization techniques.
  11. How to implement pruning in TensorFlow?
  12. How to implement distributed training on TPUs?
  13. Explain checkpointing and restoring models.
  14. How to implement multi-task learning in TensorFlow?
  15. How to implement custom callbacks?
  16. Explain TensorFlow Hub and how to use pretrained modules.
  17. How to implement BERT using TensorFlow?
  18. How to implement Transformers using TensorFlow?
  19. How to implement attention layers manually?
  20. How to implement multi-GPU training?
  21. How to debug performance bottlenecks?
  22. How to deploy models using TensorFlow Serving with REST API?
  23. Explain pruning, quantization, and model optimization for production.
  24. How to integrate TensorFlow with Keras preprocessing layers?
  25. Best practices for building production-ready TensorFlow models.

Related Topics