i
Info
Edge
Work with us
Filter interviews by
Linear regression relies on several key assumptions for valid results, including linearity, independence, and homoscedasticity.
Linearity: The relationship between the independent and dependent variables should be linear. For example, predicting weight based on height.
Independence: Observations should be independent of each other. For instance, data collected from different individuals should not influence each oth...
Dropout is a regularization technique used in neural networks to prevent overfitting by randomly setting some neuron outputs to zero during training.
Dropout is a regularization technique used in neural networks to prevent overfitting.
During training, a fraction of neurons are randomly selected and their outputs are set to zero.
This helps prevent complex co-adaptations in neurons and improves generalization.
Dropout...
Precision and recall are metrics used to evaluate the performance of classification models.
Precision is the ratio of correctly predicted positive observations to the total predicted positive observations.
Recall is the ratio of correctly predicted positive observations to the all observations in actual class.
F1 score is the weighted average of precision and recall, where the best value is 1 and the worst is 0.
Preci...
Random forest is an ensemble learning method used for classification and regression tasks.
Random forest is a collection of decision trees that are trained on random subsets of the data.
Each tree in the random forest independently predicts the target variable, and the final prediction is made by averaging the predictions of all trees.
Random forest is robust to overfitting and noisy data, and it can handle large dat...
XGBoost is an optimized distributed gradient boosting library designed for efficient and accurate large-scale machine learning.
XGBoost stands for eXtreme Gradient Boosting.
It is a popular machine learning algorithm known for its speed and performance.
XGBoost is used for regression, classification, ranking, and user-defined prediction problems.
It is based on the gradient boosting framework and uses decision trees a...
Linear regression is a statistical method used to model the relationship between a dependent variable and one or more independent variables.
Linear regression is used to predict the value of a dependent variable based on the value of one or more independent variables.
It assumes a linear relationship between the independent and dependent variables.
The goal of linear regression is to find the best-fitting line that m...
LSTM and GRU are types of recurrent neural networks used for processing sequential data.
LSTM (Long Short-Term Memory) networks are capable of learning long-term dependencies in data.
GRU (Gated Recurrent Unit) networks are simpler than LSTM and have fewer parameters.
LSTM has three gates (input, output, forget) while GRU has two gates (update, reset).
LSTM is better at capturing long-term dependencies but is more com...
Hypothesis testing is a statistical method used to make inferences about a population based on sample data.
Hypothesis testing involves formulating a null hypothesis and an alternative hypothesis.
It aims to determine if there is enough evidence to reject the null hypothesis in favor of the alternative hypothesis.
Common methods of hypothesis testing include t-tests, chi-square tests, and ANOVA.
The p-value is used to...
Decision tree is a tree-like model of decisions and their possible consequences, while random forest is an ensemble learning method that builds multiple decision trees and merges them together.
Decision tree is a flowchart-like structure where each internal node represents a decision based on an attribute, each branch represents the outcome of the decision, and each leaf node represents a class label.
Random forest ...
Correlation measures the strength and direction of a linear relationship between two variables, while covariance measures the extent to which two variables change together.
Correlation ranges from -1 to 1, where 1 indicates a perfect positive relationship, -1 indicates a perfect negative relationship, and 0 indicates no relationship.
Covariance can be positive, negative, or zero. A positive covariance indicates that...
I appeared for an interview in Apr 2025, where I was asked the following questions.
Dropout is a regularization technique used during training, but typically not applied during test time to ensure full model performance.
Dropout randomly sets a fraction of input units to zero during training to prevent overfitting.
During test time, dropout is usually turned off, allowing the full network to make predictions.
This ensures that all neurons contribute to the output, providing a more accurate representation...
Random Forest mitigates overfitting by averaging multiple decision trees, enhancing generalization and robustness.
Ensemble Learning: Combines predictions from multiple trees to reduce variance.
Bootstrap Aggregating: Each tree is trained on a random subset of data, promoting diversity.
Feature Randomness: Randomly selects features for splitting, preventing dominance of any single feature.
Example: In a dataset with noise,...
For high imbalance problems, choose models like Random Forest or XGBoost, and use techniques like SMOTE for better performance.
Use ensemble methods like Random Forest or Gradient Boosting (e.g., XGBoost) for better handling of imbalanced data.
Consider using resampling techniques such as SMOTE (Synthetic Minority Over-sampling Technique) to balance the dataset.
Evaluate models using metrics like F1-score, precision, reca...
Transformers are advanced neural network architectures that excel in processing sequential data, particularly in NLP tasks.
Self-Attention Mechanism: Allows the model to weigh the importance of different words in a sentence, e.g., in 'The cat sat on the mat', 'cat' and 'sat' are closely related.
Positional Encoding: Since transformers don't have a built-in sense of order, positional encodings are added to input embedding...
Query, Key, and Value are components of self-attention mechanisms in neural networks, enabling context-aware representations.
In self-attention, each input element is transformed into three vectors: Query, Key, and Value.
The Query vector represents the current element's focus, while the Key vector represents the context of other elements.
The attention score is computed by taking the dot product of the Query and Key vect...
Self-attention allows models to weigh the importance of different words in a sequence when processing them, enhancing context understanding.
Self-attention computes a weighted representation of input sequences, focusing on relevant parts.
It uses three vectors: Query (Q), Key (K), and Value (V) to determine attention scores.
For each word, the model calculates how much attention to pay to every other word in the sequence.
...
Multi-head attention enhances model performance by focusing on different parts of input data simultaneously.
Improves natural language processing tasks like translation and summarization.
Used in image processing for tasks like object detection and segmentation.
Facilitates recommendation systems by analyzing user preferences from multiple perspectives.
Enhances speech recognition by focusing on different phonetic features...
Degrees of freedom in Chi-Square distribution indicate the number of independent values in a statistical calculation.
Degrees of freedom (df) = number of categories - 1 in Chi-Square tests.
Example: For a test with 5 categories, df = 5 - 1 = 4.
In goodness-of-fit tests, df helps determine the critical value for hypothesis testing.
Higher degrees of freedom lead to a more accurate approximation of the Chi-Square distributio...
Linear Regression uses statistical methods to model the relationship between variables, predicting outcomes based on input features.
Linear regression assumes a linear relationship between the dependent and independent variables.
The model can be represented as: Y = β0 + β1X1 + β2X2 + ... + βnXn + ε, where Y is the dependent variable.
The coefficients (β) are estimated using the least squares method, minimizing the sum of...
LLN and CLT are statistical theorems that describe the behavior of sample averages as sample size increases.
LLN (Law of Large Numbers) states that as the sample size increases, the sample mean converges to the population mean.
CLT (Central Limit Theorem) states that the distribution of the sample mean approaches a normal distribution as sample size increases, regardless of the population's distribution.
Both theorems are...
Covariance measures the directional relationship between two variables, while correlation quantifies the strength and direction of that relationship.
Covariance can take any value between -∞ and +∞, while correlation ranges from -1 to +1.
Positive covariance indicates that two variables move in the same direction, while negative covariance indicates they move in opposite directions.
Correlation standardizes covariance, ma...
Linear regression relies on several key assumptions for valid results, including linearity, independence, and homoscedasticity.
Linearity: The relationship between the independent and dependent variables should be linear. For example, predicting weight based on height.
Independence: Observations should be independent of each other. For instance, data collected from different individuals should not influence each other.
Ho...
I applied via Campus Placement and was interviewed in Sep 2024. There was 1 interview round.
Decision tree is a tree-like model of decisions and their possible consequences, while random forest is an ensemble learning method that builds multiple decision trees and merges them together.
Decision tree is a flowchart-like structure where each internal node represents a decision based on an attribute, each branch represents the outcome of the decision, and each leaf node represents a class label.
Random forest is a ...
Test 45 mins 30 ques
Linear regression is a statistical method used to model the relationship between a dependent variable and one or more independent variables.
Linear regression is used to predict the value of a dependent variable based on the value of one or more independent variables.
It assumes a linear relationship between the independent and dependent variables.
The goal of linear regression is to find the best-fitting line that minimi...
Random forest is an ensemble learning method used for classification and regression tasks.
Random forest is a collection of decision trees that are trained on random subsets of the data.
Each tree in the random forest independently predicts the target variable, and the final prediction is made by averaging the predictions of all trees.
Random forest is robust to overfitting and noisy data, and it can handle large datasets...
XGBoost is an optimized distributed gradient boosting library designed for efficient and accurate large-scale machine learning.
XGBoost stands for eXtreme Gradient Boosting.
It is a popular machine learning algorithm known for its speed and performance.
XGBoost is used for regression, classification, ranking, and user-defined prediction problems.
It is based on the gradient boosting framework and uses decision trees as bas...
LSTM and GRU are types of recurrent neural networks used for processing sequential data.
LSTM (Long Short-Term Memory) networks are capable of learning long-term dependencies in data.
GRU (Gated Recurrent Unit) networks are simpler than LSTM and have fewer parameters.
LSTM has three gates (input, output, forget) while GRU has two gates (update, reset).
LSTM is better at capturing long-term dependencies but is more complex,...
Hypothesis testing is a statistical method used to make inferences about a population based on sample data.
Hypothesis testing involves formulating a null hypothesis and an alternative hypothesis.
It aims to determine if there is enough evidence to reject the null hypothesis in favor of the alternative hypothesis.
Common methods of hypothesis testing include t-tests, chi-square tests, and ANOVA.
The p-value is used to dete...
I applied via Job Portal and was interviewed in Jun 2024. There were 2 interview rounds.
Mcq based test on data science concepts
Precision and recall are metrics used to evaluate the performance of classification models.
Precision is the ratio of correctly predicted positive observations to the total predicted positive observations.
Recall is the ratio of correctly predicted positive observations to the all observations in actual class.
F1 score is the weighted average of precision and recall, where the best value is 1 and the worst is 0.
Precision ...
Dropout is a regularization technique used in neural networks to prevent overfitting by randomly setting some neuron outputs to zero during training.
Dropout is a regularization technique used in neural networks to prevent overfitting.
During training, a fraction of neurons are randomly selected and their outputs are set to zero.
This helps prevent complex co-adaptations in neurons and improves generalization.
Dropout is t...
I appeared for an interview before May 2024, where I was asked the following questions.
Decision Trees are a supervised learning algorithm used for classification and regression tasks, visualizing decisions as tree-like structures.
Decision Trees split data into subsets based on feature values, creating branches for each decision point.
Each node represents a feature, and each branch represents a decision rule, leading to a leaf node with the final prediction.
They use metrics like Gini impurity or entropy t...
I applied via Campus Placement and was interviewed before May 2023. There were 2 interview rounds.
It been for 45 mins. question asked from python,ML,Deep learning and maths.
Correlation measures the strength and direction of a linear relationship between two variables, while covariance measures the extent to which two variables change together.
Correlation ranges from -1 to 1, where 1 indicates a perfect positive relationship, -1 indicates a perfect negative relationship, and 0 indicates no relationship.
Covariance can be positive, negative, or zero. A positive covariance indicates that as o...
Top trending discussions
I applied via Approached by Company and was interviewed before Sep 2021. There were 3 interview rounds.
Explain dynamic programming with memoization
Some of the top questions asked at the Info Edge Data Scientist interview -
based on 13 interview experiences
Difficulty level
Duration
based on 7 reviews
Rating in categories
Senior Executive
758
salaries
| ₹3.4 L/yr - ₹8 L/yr |
Sales Executive
658
salaries
| ₹6 L/yr - ₹15 L/yr |
Assistant Manager
615
salaries
| ₹4.4 L/yr - ₹9.5 L/yr |
Associate Senior Executive
602
salaries
| ₹2.8 L/yr - ₹6.2 L/yr |
Senior Software Engineer
369
salaries
| ₹14 L/yr - ₹25 L/yr |
TCS
Amazon
Flipkart
Indiamart Intermesh