Calculus |
|
24 June 2025
#Statistics
Question count - Last updated - V4 (24-Jun-2025)
Statistics |
|
#Probability
Question count - Last updated - V4 (24-Jun-2025)
Probability |
|
#Linear Algebra
Question count - Last updated - V4 (24-Jun-2025)
What is a scalar? |
Define a vector. |
What is a matrix? |
What is a tensor? |
How do you represent a vector geometrically? |
What is the difference between a row vector and a column vector? |
What is a diagonal matrix? |
What is an identity matrix? |
What is a zero matrix? |
What is a symmetric matrix? |
What is a skew-symmetric matrix? |
Define orthogonal matrix. |
What is a triangular matrix? |
What is the trace of a matrix? |
What does it mean for a matrix to be invertible? |
What is matrix addition? |
What is scalar multiplication? |
Define matrix multiplication. |
When is matrix multiplication possible? |
Is matrix multiplication commutative? |
What is the associative property of matrix multiplication? |
What is the distributive property? |
What is the transpose of a matrix? |
What are the properties of matrix transpose? |
What is the inverse of a matrix? |
What are the conditions for a matrix to have an inverse? |
What is a singular matrix? |
What is an orthogonal matrix? |
How do you compute the determinant of a 2x2 matrix? |
How do you compute the determinant of a 3x3 matrix? |
What is the dot product of two vectors? |
What is the cross product? |
What does it mean for two vectors to be orthogonal? |
What is the angle between two vectors? |
What is the projection of one vector onto another? |
What is a unit vector? |
What is a basis vector? |
How do you normalize a vector? |
What is vector space? |
What is subspace? |
What is linear independence? |
What is linear dependence? |
How do you check if vectors are linearly independent? |
What is the span of a set of vectors? |
What is the basis of a vector space? |
What is the dimension of a vector space? |
Give an example of a dependent set of vectors. |
What is the rank of a matrix? |
How do you compute the rank? |
What does full rank mean? |
What is the null space (kernel) of a matrix? |
How do you find the nullity of a matrix? |
What is the column space? |
What is the row space? |
What is the orthogonal complement? |
What is an eigenvalue? |
What is an eigenvector? |
How do you compute eigenvalues? |
What is the characteristic polynomial? |
How do you find eigenvectors? |
What is geometric multiplicity? |
What is algebraic multiplicity? |
What are some properties of eigenvalues? |
Why are eigenvalues important in machine learning? |
What is the spectral theorem? |
What is LU decomposition? |
What is QR decomposition? |
What is SVD (Singular Value Decomposition)? |
What is the purpose of matrix decomposition? |
What is the Cholesky decomposition? |
What is the difference between LU and QR? |
What is the Gram-Schmidt process? |
How is SVD used in data compression? |
What is the Jordan Normal Form? |
What is the Schur decomposition? |
What is the determinant of a matrix? |
What is the physical meaning of a determinant? |
How do you find the inverse of a 2x2 matrix? |
How do you find the inverse using row reduction? |
What is the adjoint of a matrix? |
How is the determinant used to check invertibility? |
What is a cofactor? |
What is the Laplace expansion? |
Can a non-square matrix be inverted? |
What is a pseudoinverse? |
What is the Moore-Penrose pseudoinverse? |
What is a block matrix? |
What is the Kronecker product? |
What is the Hadamard product? |
What is matrix exponentiation? |
What is a condition number? |
What is a rank-deficient matrix? |
What is a positive definite matrix? |
What is a diagonalizable matrix? |
What is matrix similarity? |
What is a vector norm? |
What is the L1 norm? |
What is the L2 norm? |
What is the infinity norm? |
What is the Frobenius norm? |
How are norms used in machine learning? |
What is the distance between two vectors? |
How is cosine similarity calculated? |
What is the relationship between norm and distance? |
How does normalization affect vector norms? |
What is an orthogonal set of vectors? |
What is orthonormality? |
How do you orthogonalize a set of vectors? |
What is the projection matrix? |
How do you project a vector onto a subspace? |
What is the geometric interpretation of a projection? |
When is a projection matrix idempotent? |
What is the Gram matrix? |
What is the orthogonal projection theorem? |
How is projection used in least squares? |
What is the least squares solution? |
Why is least squares used in linear regression? |
What is the normal equation? |
How do you derive the least squares estimator? |
What happens if the design matrix is not full rank? |
What is the role of the pseudoinverse in least squares? |
What is the residual vector? |
How do you minimize the residual? |
What is the cost function in linear regression? |
What is the relationship between projection and least squares? |
What is a linear transformation? |
What is the matrix representation of a transformation? |
What is a standard basis? |
What is a change of basis? |
How do you change a vector to a new basis? |
What is a transition matrix? |
How are linear transformations represented in different bases? |
What is the role of similarity transformations? |
What is the canonical form? |
What is the matrix of a reflection or rotation? |
What is a symmetric matrix? |
What is a skew-symmetric matrix? |
What is a positive definite matrix? |
What is a positive semi-definite matrix? |
How do you test for positive definiteness? |
What are the properties of symmetric matrices? |
What are applications of positive definite matrices in ML? |
What is an idempotent matrix? |
What is a nilpotent matrix? |
What is the Cayley-Hamilton Theorem? |
What is Gaussian elimination? |
What is Gauss-Jordan elimination? |
What is row echelon form? |
What is reduced row echelon form? |
What is pivoting? |
What are leading and free variables? |
What is backward substitution? |
What is forward substitution? |
What is the computational complexity of matrix multiplication? |
What is sparse matrix representation? |
What is SVD used for in NLP? |
How is PCA related to eigenvectors? |
What is the Eckart?Young theorem? |
What is the thin SVD? |
What is truncated SVD? |
What is the application of QR decomposition in ML? |
How does Cholesky compare to LU? |
What is the Householder transformation? |
What is the Givens rotation? |
What is the role of decomposition in solving linear systems? |
What is a dual space? |
What is a linear functional? |
What is the relationship between dual basis and basis? |
How are linear maps between duals represented? |
What is reflexivity in linear algebra? |
How are eigenvectors used in spectral clustering? |
What is Laplacian matrix in graph theory? |
What are principal components? |
How is PCA implemented using eigen decomposition? |
How does dimensionality reduction work in PCA? |
What is a vector subspace? |
What is the annihilator of a subspace? |
What is the quotient space? |
What is the rank-nullity theorem? |
What is a bilinear form? |
What is a quadratic form? |
How do you diagonalize a quadratic form? |
What is matrix congruence? |
What is orthogonal diagonalization? |
What is a linear operator? |
Why is linear algebra essential in machine learning? |
How is linear algebra used in neural networks? |
What is the role of dot product in attention mechanisms? |
How are matrices used in image processing? |
What is the Jacobian matrix in deep learning? |
What is the Hessian matrix? |
How is SVD used in recommendation systems? |
How are tensors used in deep learning? |
What is the shape of input data for neural networks? |
How does dimensionality reduction improve performance? |
What is a tensor? |
What is a rank of a tensor? |
How are tensors represented? |
What are tensor contractions? |
What is tensor decomposition? |
Can a matrix have more than one inverse? |
Can a non-square matrix be orthogonal? |
Can a set of linearly independent vectors form a basis? |
Is every orthonormal set linearly independent? |
Can two vectors be orthogonal but not linearly independent? |
What is the geometric meaning of a determinant? |
How is the rank related to dimensionality? |
How do transformations affect shapes and dimensions? |
What is shearing? |
What is scaling in linear transformations? |
Difference between rank and dimension? |
Compare dot product and cross product. |
Difference between linear map and affine map? |
Compare eigen decomposition and SVD. |
Difference between orthogonal and orthonormal? |
True or False: All orthogonal matrices are invertible. |
True or False: A matrix with zero determinant is invertible. |
True or False: Eigenvalues can be complex. |
True or False: A matrix can be diagonalized only if it's square. |
True or False: The transpose of a symmetric matrix is symmetric. |
Describe how a matrix transforms a vector. |
Explain the intuition behind the dot product. |
Describe how matrix rank affects system solutions. |
Explain the steps to solve a linear system using Gaussian elimination. |
Describe why PCA reduces noise. |
How do you compute matrix inverse in Python (NumPy)? |
How do you compute eigenvalues in NumPy? |
How do you use SVD in scikit-learn? |
How do you create a projection matrix using NumPy? |
How do you find the rank of a matrix programmatically? |
Given 3 vectors, check if they are linearly independent. |
Find the eigenvalues of a 2x2 matrix manually. |
Solve a 3x3 linear system using matrix inversion. |
Given a matrix, compute its rank. |
Reduce a matrix to row echelon form. |
What is the determinant of an identity matrix? |
What is the transpose of a diagonal matrix? |
What is the rank of a zero matrix? |
What is the nullity of an invertible matrix? |
What is the dimension of R³? |
Why are orthogonal matrices preferred in numerical computations? |
Why is SVD preferred over eigen decomposition in some cases? |
How is linear algebra related to convolution in CNNs? |
How do singular matrices affect training in ML models? |
What matrix operations are most common in backpropagation? |
What is a Vandermonde matrix? |
What is the companion matrix? |
What is the Toeplitz matrix? |
What is a circulant matrix? |
What are real-world examples of linear algebra in AI? |
|
|
|
|
|
|
|
|
|
#Core_AI
Question count - Last updated - V4 (25-Jun-2025)
What is Artificial Intelligence? |
What are the different types of AI (Weak, Strong, General, Narrow)? |
Define the Turing Test. Why is it important? |
Explain the difference between AI, ML, and Deep Learning. |
What are the key components of an intelligent system? |
What is the difference between supervised, unsupervised, and reinforcement learning? |
What are the main goals of AI? |
What are intelligent agents in AI? |
What are the characteristics of an intelligent agent? |
What is the difference between deterministic and stochastic environments? |
What is a state space in AI? |
Explain BFS and DFS with examples. |
What is heuristic search? Give examples. |
What is A* algorithm and how does it work? |
What is the difference between informed and uninformed search? |
What is the hill-climbing algorithm? |
What is adversarial search? |
How does Minimax algorithm work? |
What is alpha-beta pruning? |
What is the role of constraint satisfaction in AI? |
What is knowledge representation? |
What are the types of knowledge in AI? |
What is propositional logic? |
What is first-order logic? |
What is semantic network? |
What is an ontology in AI? |
What is fuzzy logic and how is it used? |
What is a knowledge base? |
How does forward chaining differ from backward chaining? |
What is non-monotonic reasoning? |
What is the difference between classification and regression? |
What is overfitting and underfitting? |
What is cross-validation? |
Explain bias-variance trade-off. |
What is a confusion matrix? |
What is entropy in decision trees? |
What is the role of cost function? |
What is gradient descent? |
What are the different types of distance metrics? |
What is feature selection and dimensionality reduction? |
What is planning in AI? |
What is STRIPS in planning? |
What is reinforcement learning? Give examples. |
Explain Q-learning. |
What is the Markov Decision Process (MDP)? |
What is temporal difference learning? |
What is policy vs value function in reinforcement learning? |
What is model-free vs model-based RL? |
Explain exploration vs exploitation dilemma. |
What are eligibility traces? |
What is NLP? |
What is tokenization in NLP? |
What is stemming vs lemmatization? |
What is Part-of-Speech (POS) tagging? |
What are n-grams? |
What is Named Entity Recognition (NER)? |
What is the bag-of-words model? |
What is TF-IDF? |
What is sentiment analysis? |
What is language modeling? |
What is a perceptron? |
What is the difference between a single-layer and multi-layer perceptron? |
What is backpropagation? |
What is an activation function? Name a few. |
What are convolutional neural networks (CNNs)? |
What are recurrent neural networks (RNNs)? |
What is the vanishing gradient problem? |
What is dropout in neural networks? |
What is batch normalization? |
What are hyperparameters in neural networks? |
What is the role of AI in robotics? |
What are sensors and effectors in robotics? |
What is SLAM (Simultaneous Localization and Mapping)? |
What is path planning in robotics? |
What is computer vision and how does it relate to AI? |
What are the ethical concerns in AI? |
What is explainable AI (XAI)? |
What is AI bias and how can it be mitigated? |
What is AGI (Artificial General Intelligence)? |
What is the future of AI in society? |
|
|
|
Large Language Models (LLMs) | Multimodal AI | Agentic AI | AI Agents | Edge AI | AutoML | Explainable AI (XAI) |
TinyML |
#Mathematics_for_AI
Question count - Last updated - V4 (24-Jun-2025)
|
Linear Algebra | Probability | Statistics | Calculus |
#NLP
Question count - Last updated - V4 (24-Jun-2025)
What is Natural Language Processing (NLP)? |
What are the main components of NLP? |
What is the difference between NLP, NLU, and NLG? |
What are some real-world applications of NLP? |
What are stop words in NLP? |
What is tokenization? |
What is the difference between stemming and lemmatization? |
What is POS (Part-of-Speech) tagging? |
What are n-grams? Why are they used? |
What is Named Entity Recognition (NER)? |
Why is text preprocessing important in NLP? |
What is TF-IDF? How is it different from bag-of-words? |
What is the difference between count vectorization and TF-IDF? |
How do you handle missing or noisy text data? |
What are common text normalization techniques? |
What are word embeddings? |
Explain Word2Vec and its two architectures. |
What is the difference between Word2Vec and GloVe? |
What are contextual embeddings? Give examples. |
What is subword embedding? |
What is a language model in NLP? |
What is the difference between statistical and neural language models? |
What is perplexity in language modeling? |
What is a unigram/bigram/trigram language model? |
What are pre-trained language models? |
What is dependency parsing? |
What is constituency parsing? |
What is coreference resolution? |
What is co-occurrence matrix? |
Explain Latent Semantic Analysis (LSA). |
What is topic modeling? How does LDA work? |
What is attention mechanism in NLP? |
Explain the concept of transformers in NLP. |
What is BERT? How is it different from traditional models? |
What is fine-tuning in BERT? |
How do you build a text classification model? |
What is the difference between classification and clustering in NLP? |
What is sentiment analysis? How do you perform it? |
How do you handle imbalanced data in text classification? |
What are some popular evaluation metrics for NLP models? |
What is an RNN? How is it used in NLP? |
What are LSTM and GRU? |
What is the vanishing gradient problem? |
How do transformers overcome the limitations of RNNs? |
What is a sequence-to-sequence model? |
What is speech recognition? |
What is a chatbot? What are the types of chatbots? |
What is intent recognition? |
What is slot filling? |
What is dialogue management? |
How would you build a sentiment analysis system? |
How do you evaluate the quality of a text summarization model? |
How would you deploy an NLP model in production? |
What are some popular NLP libraries in Python? |
How do you handle out-of-vocabulary (OOV) words? |
What are large language models (LLMs)? |
What is GPT? How is it trained? |
What is the difference between GPT and BERT? |
What are the ethical concerns in NLP? |
How can NLP models be biased? |
What is the role of CNNs in NLP? |
How does an attention mechanism work? |
What is the difference between self-attention and cross-attention? |
Explain the architecture of the Transformer model. |
What are encoder and decoder in transformers? |
What is positional encoding in transformers? |
What is masked language modeling? |
What is the difference between GPT-style and BERT-style training? |
What is a causal language model? |
How does RoBERTa differ from BERT? |
What is transfer learning in NLP? |
How do you fine-tune a pre-trained transformer model? |
What are frozen layers and trainable layers in fine-tuning? |
What are the benefits of using pre-trained embeddings? |
What is zero-shot learning in NLP? |
How does extractive summarization work? |
How is abstractive summarization different from extractive? |
What is the architecture behind QA models like BERT QA? |
How do you evaluate the accuracy of a summarization model? |
What metrics are used to evaluate QA systems? |
What is BLEU score? |
What is ROUGE score? |
What is METEOR score? |
What is perplexity and how is it interpreted? |
What are precision, recall, and F1-score in NLP classification? |
What is cross-lingual NLP? |
How does mBERT work for multiple languages? |
What is code-switching and how is it handled in NLP? |
What are the challenges in multilingual NLP? |
What is XLM-R? |
What are common biases in NLP datasets? |
How can we reduce gender bias in NLP models? |
What is explainable AI (XAI) in the context of NLP? |
What are adversarial examples in NLP? |
What is differential privacy in NLP? |
|
|
|
|
|
16 June 2025
#Generics
Question count - Last updated - V4 (16-Jun-2025)
What are generics in Java? |
Why are generics used in Java? |
What is the syntax for declaring a generic class? |
What is the syntax for declaring a generic method? |
What are the benefits of using generics? |
Can you use primitives with generics? |
What is type erasure in Java generics? |
How do you create a generic class? |
Can you have multiple type parameters in a generic class? |
What are raw types in generics? |
What is the difference between List |
What is the wildcard ? in Java Generics? |
Explain bounded type parameters. |
Difference between extends and super in generics. |
Can we use generics with arrays? |
Why is it not allowed to create an array of generic type? |
How does generics affect polymorphism? |
What are generic methods? Provide an example. |
Can a generic method be static? |
How do generics work at runtime? |
What is the PECS principle (Producer Extends Consumer Super)? |
What are the limitations of Java Generics? |
Explain the concept of generic type inference. |
How is type safety ensured using generics? |
Can you override a method with different generic parameters? |
How is generics implemented in Java internally? |
Can you use instanceof with generics? |
Can you create a generic enum or generic exception class? |
What are the differences between generic and non-generic collections? |
How does Java handle backward compatibility with generics? |
Explain this code: public |
What would happen if we use raw types with generics? |
Why are generic types not reified? |
What is the output of this generic method code snippet? (Give a specific code). |
What are the implications of type erasure? |
Can you overload methods with different generic return types? |
How to create a generic singleton class? |
Is it possible to restrict generics to certain classes/interfaces only? |
When should you use wildcard generics in method arguments? |
Can you assign List |
Would you like answers or code examples for any of these questions? Or would you like 100+ questions in a PDF format? |
What are generic interfaces? Can you provide an example? |
Can we have a generic constructor in a non-generic class? |
Can we use a generic class without specifying type? |
What is the difference between generic class and generic method? |
What are the rules for using multiple bounds in generics? |
What is the default upper bound of a generic type in Java? |
What are the risks of using raw types? |
Can we instantiate a generic type at runtime? |
How does autoboxing work with generics? |
Can you use generics with throws clause in exceptions? |
What is a generic factory pattern? |
How can generics be used in DAO (Data Access Object) design? |
How would you write a type-safe generic comparator? |
How can generics be used with reflection? |
What is a generic recursive type bound? |
Can you have nested generic types like Map |
What are covariant and contravariant types in generics? |
How do you resolve ?unchecked cast? warnings with generics? |
What is the effective use of generics in custom collections? |
How can you write a type-safe generic builder class? |
Why is List |
Can we create a generic array in Java? |
Explain this declaration: Class |
Can generic classes extend or implement other generic classes? |
Can we write T[] in a generic method or class? |
Why does this code fail: T t = new T();? |
What are reifiable and non-reifiable types? |
How do generics differ from templates in C++? |
What is the purpose of @SuppressWarnings("unchecked")? |
How are generic types handled by the JVM? |
When should we use unbounded wildcard ? |
When should we use ? |
When should we use ? |
How do wildcards affect method overriding and overloading? |
Can you assign List |
Why are wildcard captures necessary in some generic code? |
Can you use a wildcard as a return type? |
What does "capture of ?" mean in compiler errors? |
Write a generic method to copy elements from one list to another. |
Why does the following code give a compilation error? (Insert code with List |
Can we overload generic methods with different type parameters? |
Can we pass a generic method as a parameter? |
How do bounded type parameters affect method signatures? |
What is the difference between T and E in generics? Are they interchangeable? |
Can you use generics with lambda expressions? |
How can we sort a List |
Can you override a generic method in a subclass? |
Can you use generic classes in annotations? |
How does the Java compiler check for generic type safety? |
What tools help detect generic misuse (e.g., static code analyzers)? |
How are generics used in the Java Collections API? |
How does Java handle generic bytecode? |
What are best practices when using generics in library APIs? |
How are generics used in popular libraries like Guava or Spring? |
When would you choose to not use generics? |
Can generic types improve code readability or make it worse? |
How do generics affect serialization? |
Can generic parameters extend more than one class/interface? |
What are F-bounded polymorphism and where is it used? |
|
|
|
13 June 2025
#Java_IO
Question count - Last updated - V4 (13-Jun-2025)
What is Java I/O? |
What is the difference between byte stream and character stream in Java? |
What is the purpose of the java.io.File class? |
How does BufferedReader improve performance? |
What is the difference between FileReader and BufferedReader? |
What is the difference between InputStream and Reader? |
What is the use of InputStreamReader and OutputStreamWriter? |
How do you serialize an object in Java? |
What is the role of transient keyword in serialization? |
What happens if a non-serializable object is part of a serializable class? |
What is the purpose of serialVersionUID? |
How can you read a file line-by-line in Java? |
What is the use of DataInputStream and DataOutputStream? |
How does ObjectOutputStream work? |
What are the standard streams in Java? |
What is the difference between FileInputStream and FileReader? |
How do you handle exceptions in Java I/O? |
What is RandomAccessFile? |
What is stream chaining in Java I/O? |
How do mark() and reset() methods work in input streams? |
What is the use of PushbackInputStream? |
Can we use Java I/O in multithreaded applications? |
How do you copy a file using Java I/O? |
How do you ensure a stream is properly closed? |
What are the limitations of traditional Java I/O? |
What are the main classes in the java.io package? |
Explain the difference between BufferedInputStream and BufferedOutputStream. |
How does buffering improve I/O performance? |
What is the use of PrintWriter in Java? |
Can you write binary data using PrintWriter? Why or why not? |
Explain the decorator pattern in the context of Java I/O. |
What are the drawbacks of Java I/O? |
What is a stream in Java I/O? |
How many types of streams are there in Java? |
What is the difference between flush() and close() methods in streams? |
What is the difference between read() and readLine()? |
What happens when you call close() on an already closed stream? |
What is EOFException in Java I/O? |
Explain the difference between FileOutputStream and ObjectOutputStream. |
How does ObjectInputStream read objects? |
What are the limitations of Java's serialization mechanism? |
What is Externalizable and how is it different from Serializable? |
What are transient and volatile in Java I/O context? |
What is the difference between File.delete() and File.deleteOnExit()? |
How do you read/write a UTF-encoded file in Java? |
What is the use of FileDescriptor? |
How can you check if a file exists before reading it? |
How to list all files in a directory using Java? |
Can you read from multiple files at once in Java? |
What does File.canRead(), canWrite(), and canExecute() do? |
How to check file permissions using Java? |
What is the difference between Reader and InputStreamReader? |
What is the use of LineNumberReader? |
How to implement custom serialization in Java? |
How can you make a class serializable but skip some fields? |
How does Java handle circular references during serialization? |
Can you override default serialization behavior? |
How to serialize a list of custom objects? |
How to write logs using Java I/O? |
Can you read a file without loading the whole content into memory? |
What is the use of SequenceInputStream? |
Explain FilterInputStream and FilterOutputStream. |
What is the difference between flush() and write()? |
What happens if the output stream is not flushed before closing? |
What are file channels and how are they different from streams? |
Explain the use of BufferedReader.mark() and BufferedReader.reset(). |
What is the default buffer size used in buffered streams? |
Why would you prefer PrintWriter over BufferedWriter? |
Can you serialize static members? |
Write code to read a file and count the number of lines. |
Write code to find the longest line in a text file. |
How would you handle large file reading in Java? |
How to append to an existing file? |
How to check file size using Java? |
How to read a properties file using Java I/O? |
How to write logs with timestamps to a file? |
How to detect file encoding in Java? |
How to monitor file changes in Java I/O? |
How do you read from a zip file using Java I/O? |
Explain how Java handles file locks. |
How to handle encoding issues when reading files? |
What are character encodings supported by Java I/O? |
How to work with temporary files in Java? |
Explain File.createTempFile() method. |
What is a memory-mapped file in Java? |
How is performance affected when using unbuffered I/O? |
What is the use of File.listFiles(FileFilter)? |
How does Java handle symbolic links? |
What is the impact of GC on open streams? |
How to unit test file reading methods? |
What are the best practices for closing streams? |
Why is try-with-resources preferred? |
Can streams be reused once closed? |
Is Java I/O thread-safe? |
How to avoid memory leaks in I/O operations? |
How to handle IOException cleanly? |
How to wrap a stream with custom logic? |
What is the use of File.renameTo()? |
What?s the difference between BufferedWriter and PrintWriter? |
Why is Serializable a marker interface? |
|
|
|
|
|
Stream |
#Serialization
Question count - Last updated - V4 (13-Jun-2025)
What is Serialization in java? |
What is the Marker interface? |
What is serialVersionUID? |
What will happen if the reference variable is not serializable? |
What will happen if a class is serializable but its superclass does not? |
What are the most important classes and interfaces using the Serialization? |
Why do we need to use Serialization in java? |
Why the Serializable interface is called the Marker interface in Java? |
How can we implement Serialization in java? |
How can we restrict some variables to be serialized? |
How to serialize an ArrayList? |
When we should use Externalizable interface in Java? |
In singleton design pattern serialization becomes an issue, how you will overcome this? |
Can you customize the serialization process? How can you achieve this? |
Describe the De-serialization process. |
Describe the benefits of serialVersionUID. |
Describe the methods of serialization and deserialization process. |
Do static variables participate in serialization? |
Find out the difference between Serialization and Externalizable? |
Suppose parent class of a new child class implement Serializable interface, how can you avoid new child class to being serialized? |
|
|
|
#CoreJava_22
Question count - Last updated - V4 (13-Jun-2025)
#CoreJava_21
Question count - Last updated - V4 (13-Jun-2025)
String Templates (Preview) | |
Sequenced Collections | |
Generational ZGC | |
Record Patterns | |
Pattern Matching for switch | |
Foreign Function & Memory API (Third Preview) | |
Unnamed Patterns and Variables (Preview) | |
Virtual Threads | |
Scoped Values (Preview) | |
Vector API (Sixth Incubator) | |
Deprecate the Windows 32-bit x86 Port for Removal | |
Prepare to Disallow the Dynamic Loading of Agents | |
Key Encapsulation Mechanism API | |
Structured Concurrency (Preview) |
#CoreJava_18
Question count - Last updated - V4 (13-Jun-2025)
UTF-8 by Default | |
Simple Web Server | |
Code Snippets in Java API Documentation | |
Reimplement Core Reflection with Method Handles | |
Vector API (Third Incubator) | |
Internet-Address Resolution SPI | |
Foreign Function & Memory API (Second Incubator) | |
Pattern Matching for switch (Second Preview) | |
Deprecate Finalization for Removal |
#CoreJava_17
Question count - Last updated - V4 (13-Jun-2025)
Restore Always-Strict Floating-Point Semantics | |
Enhanced Pseudo-Random Number Generators | |
New macOS Rendering Pipeline | |
macOS/AArch64 Port | |
Deprecate the Applet API for Removal | |
Strongly Encapsulate JDK Internals | |
Pattern Matching for switch (Preview) | |
Remove RMI Activation | |
Sealed Classes | |
Remove the Experimental AOT and JIT Compiler | |
Deprecate the Security Manager for Removal | |
Foreign Function & Memory API (Incubator) | |
Vector API (Second Incubator) | |
Context-Specific Deserialization Filters |
#CoreJava_16
Question count - Last updated - V4 (13-Jun-2025)
Java 16 | ||
Topic | SubTopic | |
---|---|---|
Vector API (Incubator) |
|
|
Enable C++14 Language Features |
|
|
Migrate from Mercurial to Git/GitHub |
|
|
Concurrent Thread-Stack Processing |
|
|
Unix-Domain Socket Channels |
|
|
Alpine Linux Port |
|
|
Elastic Metaspace |
|
|
Windows/AArch64 Port |
|
|
Foreign Linker API (Incubator) |
|
|
Warnings for Value-Based Classe |
|
|
Packaging Tool |
|
|
Foreign-Memory Access API (Third Incubator) |
|
|
Pattern Matching for instanceof |
|
|
Records |
|
|
Strongly Encapsulate JDK Internals by Default |
|
|
Sealed Classes (Second Preview) |
|
#CoreJava_20
Question count - Last updated - V4 (13-Jun-2025)
#CoreJava_23
Question count - Last updated - V4 (16-Jun-2025)
What are the key features introduced in Java 23? |
Explain the concept of stream gatherers introduced in JDK 23. |
What is the purpose of JEP 461 ? Stream Gatherers? |
How do stream gatherers improve upon traditional Java streams? |
What is the structured concurrency feature in Java 23? |
How does JEP 462 enhance the existing structured concurrency APIs? |
What is the ScopedValue.CarrierThread introduced in Java 23? |
How do scoped values differ from ThreadLocal in Java 23? |
What are the enhancements in the foreign function & memory API in JDK 23? |
Explain JEP 454: Foreign Function and Memory API as finalized in Java 23. |
What is the Vector API and what enhancements were made in JDK 23? |
How does the Vector API improve performance over scalar code? |
What is the importance of JEP 460 ? Vector API (Seventh Incubator)? |
What is the purpose of primitive types in patterns (JEP 457)? |
How does Java 23 enhance pattern matching for switch and records? |
What is JEP 463 ? Implicitly Declared Classes and Instance Main Methods? |
How does Java 23 support beginner-friendly programming with implicit classes? |
What is the concept of unnamed patterns and variables (JEP 456)? |
How does Java 23 improve preview features for record patterns and sealed types? |
What are the changes related to class-file API in Java 23 (JEP 457)? |
What are the performance improvements introduced in Java 23? |
How does Java 23 support green threads and virtual threads improvements? |
What are some deprecated or removed features in Java 23? |
What are unnamed classes and what problem do they solve in Java 23? |
Explain the use of the _ (underscore) in unnamed variables and patterns. |
How does JDK 23 enhance beginner-friendly coding practices? |
What are the differences between structured concurrency in JDK 21 and JDK 23? |
What are the use cases of Stream.collect(Gatherer.of(...)) in Java 23? |
How do Stream Gatherers compare to custom collectors in terms of readability and performance? |
What are the main goals of JEP 463 (Implicit Classes and Instance Main Methods)? |
How is the Java compiler handling implicitly declared classes? |
What changes have been made to the preview features process in Java 23? |
How are features like sealed classes and record patterns further stabilized in JDK 23? |
What is the impact of structured concurrency on asynchronous programming in Java? |
What runtime support is added for pattern matching in Java 23? |
Describe the compatibility considerations when upgrading to Java 23. |
How is Java 23 improving developer productivity through syntactic sugar? |
How are preview features enabled or disabled in Java 23 during compilation? |
What testing strategies should be considered when using preview features like unnamed classes? |
What are the compiler flags needed to use preview features in JDK 23? |
How can developers prepare their codebases for future adoption of Java 23 features? |
What is the current status of Project Panama as of Java 23? |
How does the FFM (Foreign Function & Memory) API interact with native memory safely in Java 23? |
In what scenarios should developers prefer virtual threads introduced in earlier releases with updates in Java 23? |
How do the new APIs in Java 23 impact reactive and concurrent application development? |
What changes have been made to improve JVM performance in Java 23? |
Are there any updates or removals of legacy APIs in Java 23? |
How is Java 23 helping with easier interoperation between Java and native libraries (e.g., C/C++)? |
What are some backward-incompatible changes, if any, in Java 23? |
How can you experiment with Java 23 preview features in IntelliJ or Eclipse? |
How does Java 23 improve the Stream API's flexibility? |
What is the syntax for defining a Gatherer in Java 23? |
How does Java 23 support implicit class declarations for quick prototyping? |
What are the potential pitfalls of using unnamed variables? |
How do record patterns improve destructuring in Java? |
What are the benefits of structured concurrency for multithreaded programming? |
How is structured concurrency different from ExecutorService-based models? |
What is the difference between ThreadLocal and ScopedValue in Java 23? |
What is the life cycle of a scoped value in Java 23? |
Describe a use case for the Vector API in real-time systems. |
How does Java 23 improve SIMD (Single Instruction, Multiple Data) support? |
What are Gatherers used for in Java streams? |
How is the behavior of a gatherer different from a collector? |
What improvements were made to the JVM tool interface in Java 23? |
What performance optimizations are present in Java 23 GC (Garbage Collection)? |
How does the FFM API in Java 23 ensure memory safety? |
What changes were made to native memory segment allocation in Java 23? |
What is the use of MemorySegment.allocateNative()? |
How can you call a C function from Java using JDK 23's FFM API? |
What are linker options in the Foreign Linker API? |
How is the MemoryLayout class used in memory-safe code? |
What tools are available in Java 23 for testing native function calls? |
What does incubating a feature mean in Java 23? |
Which APIs in Java 23 are still incubating or in preview? |
How do you enable and use preview features in Maven or Gradle builds? |
Can you list examples of unnamed patterns and their syntax? |
What are the best practices for migrating Java 17/21 code to Java 23? |
Which deprecated features should be avoided in Java 23? |
What is the current status of Valhalla project in relation to Java 23? |
How does Java 23 align with Project Amber's goals? |
What improvements to error handling are introduced in Java 23? |
Are there any enhancements in java.time or date/time APIs in Java 23? |
What changes affect module system behavior in Java 23? |
Is there any enhancement to serialization or deserialization APIs? |
What are some changes to javac (Java compiler) in Java 23? |
Are there any changes to the Java packaging tools (like jpackage) in Java 23? |
How is the Java language becoming more beginner-friendly in Java 23? |
What are the educational use cases of implicit main methods? |
How does Java 23 affect JavaFX or GUI development? |
What are the enhancements in reflection or annotations in Java 23? |
Are there changes to lambda expressions or method references in Java 23? |
What are Java 23?s contributions to code readability and maintainability? |
How has Java 23 affected backward compatibility testing? |
Are there updates to exception handling mechanisms in Java 23? |
What are the new javac warnings introduced in Java 23? |
How do named and unnamed patterns coexist in Java 23? |
What are potential debugging challenges introduced by preview features? |
What type of IDE support is needed to work efficiently with Java 23? |
How do Java 23 features improve microservices and REST API development? |
How does Java 23 impact modern DevOps practices? |
|
Subscribe to:
Posts (Atom)
Most views on this month
-
#CoreJava Question count - 0 Last updated - V4 (16-Jun-2025) Interview question What are the main features of Java? Wha...
-
#Jenkins Question count - 0 Last updated - V4 (11-Jun-2025) Interview question What is Jenkins? What are the features o...
-
#Spring_Security Question count - 0 Last updated - V4 (20-Jun-2025) Interview question What is Spring Security and why i...
-
#Generics Question count - 0 Last updated - V4 (16-Jun-2025) Interview question What are generics in Java? Why are gene...
-
#Core_AI Question count - 0 Last updated - V4 (25-Jun-2025) Interview question What is Artificial Intelligence? What ar...
-
#Machine_Learning Question count - 0 Last updated - V4 (22-Jun-2025) Interview question What is machine learning? Diffe...
-
#Apache_Spark Question count - 0 Last updated - V4 (02-Jul-2025) Interview question What is Apache Spark? How is it diff...
-
#Spring_Cloud Question count - 0 Last updated - V4 (18-Jun-2025) Interview question What is Spring Cloud? What are the ...
-
#Automation_Anywhere Question count - 0 Last updated - V4 (22-Jun-2025) Interview question What is Automation Anywhere? ...
-
#udeploy Question count - 0 Last updated - V4 (24-Jun-2025) Interview question What is UrbanCode Deploy? What are the m...
Popular Posts
-
#CoreJava Question count - 0 Last updated - V4 (16-Jun-2025) Interview question What are the main features of Java? Wha...
-
#Kubernetes Question count - 0 Last updated - V4 (06-Jan-2025) Interview question Define Stateful sets in Kubernetes. D...
-
Category Service AWS Azure GCP IBM cloud Oracle cloud Allibaba cloud Comput...
-
#Spring_Framework Question count - 0 Last updated - V4 (11-Jun-2025) Interview question Define the two (2) types of IOC ...
-
#CoreJava_08 Question count - 0 Last updated - V4 (13-Jun-2025) Interview question What were the issues that were fixed ...
-
#Apache_Kafka Question count - 0 Last updated - V4 (07-Aug-2024) Interview question Define the role of Kafka Streams API...
-
#AWS Question count - 0 Last updated - V4 (08-Jun-2025) Interview question What is EC2? What is SnowBall? What is Clou...
-
#Docker Question count - 0 Last updated - V4 (12-Sep-2024) Interview question What is a Container? What does the docker...
-
#MongoDB Question count - 0 Last updated - V2 (31-May-2024) Interview question Define Collection? Define oplog(operatio...
-
#Spring_Cloud Question count - 0 Last updated - V4 (18-Jun-2025) Interview question What is Spring Cloud? What are the ...