Upload Button Icon Add office photos

Filter interviews by

Feynn Labs Interview Questions and Answers

Updated 23 Apr 2025
Popular Designations

46 Interview questions

A Data Science Intern was asked 12mo ago
Q. What is the range of Cross Entropy Loss?
Ans. 

Cross entropy loss measures the difference between two probability distributions.

  • Range of cross entropy loss is [0, infinity)

  • Lower values indicate better model performance

  • Commonly used in classification tasks

View all Data Science Intern interview questions
A Data Science Intern was asked 12mo ago
Q. What is the difference between random and ordered partitioning?
Ans. 

Random partition involves splitting data randomly, while ordering partition involves splitting data based on a specific order.

  • Random partition randomly divides data into subsets without any specific order.

  • Ordering partition divides data into subsets based on a specific order, such as time or alphabetical order.

  • Random partition is useful for creating training and testing sets for machine learning models.

  • Ordering pa...

View all Data Science Intern interview questions
A Data Science Intern was asked
Q. What is a support vector machine?
Ans. 

Support Vector Machine is a supervised machine learning algorithm used for classification and regression tasks.

  • Support Vector Machine finds the hyperplane that best separates different classes in the feature space

  • It works by maximizing the margin between the hyperplane and the nearest data points, known as support vectors

  • SVM can handle both linear and non-linear data by using different kernel functions like linear...

View all Data Science Intern interview questions
An Ai Ml Engineer was asked
Q. Describe the KNN algorithm.
Ans. 

KNN algorithm is a simple, instance-based learning algorithm used for classification and regression tasks.

  • KNN stands for K-Nearest Neighbors.

  • It classifies a new data point based on majority class of its k nearest neighbors.

  • KNN is a lazy learning algorithm as it does not learn a discriminative function from the training data.

  • It is sensitive to the choice of k value and distance metric.

  • Example: Classifying a flower ...

View all Ai Ml Engineer interview questions
An Ai Ml Engineer was asked
Q. What is the difference between linear and logistic regression?
Ans. 

Linear regression is used for continuous variables, while logistic regression is used for binary classification.

  • Linear regression predicts continuous values, while logistic regression predicts probabilities between 0 and 1.

  • Linear regression uses a linear equation to model the relationship between the independent and dependent variables.

  • Logistic regression uses the logistic function to model the probability of a bi...

View all Ai Ml Engineer interview questions
An Ai Ml Engineer was asked
Q. What is max pooling?
Ans. 

Max pooling reduces dimensionality by selecting the maximum value from a feature map segment.

  • Max pooling is commonly used in Convolutional Neural Networks (CNNs).

  • It helps to down-sample feature maps, reducing computational load.

  • For example, a 2x2 max pooling operation selects the highest value from each 2x2 block.

  • It retains important features while discarding less significant information.

  • Max pooling can help in ac...

View all Ai Ml Engineer interview questions
An Intern was asked
Q. What is Max pooling in deep learning?
Ans. 

Max pooling is a down-sampling technique in deep learning where the maximum value from a set of values is selected.

  • Max pooling reduces the spatial dimensions of the input data by selecting the maximum value from a set of values in a specific window.

  • It helps in reducing the computational complexity and controlling overfitting in the model.

  • Example: In a 2x2 max pooling operation, the maximum value from each 2x2 wind...

View all Intern interview questions
Are these interview questions helpful?
A Machine Learning Engineer Intern was asked
Q. What is a random forest?
Ans. 

Random forest is an ensemble learning method that builds multiple decision trees and merges them to improve accuracy and prevent overfitting.

  • 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 effective in h...

View all Machine Learning Engineer Intern interview questions
A Machine Learning Engineer Intern was asked
Q. What is unsupervised learning?
Ans. 

Unsupervised learning is a type of machine learning where the model learns patterns from unlabeled data.

  • No explicit labels are provided in unsupervised learning

  • The model must find patterns and relationships in the data on its own

  • Clustering and dimensionality reduction are common techniques in unsupervised learning

View all Machine Learning Engineer Intern interview questions
🔥 Asked by recruiter 3 times
A Machine Learning Engineer Intern was asked
Q. What is supervised learning?
Ans. 

Supervised learning is a type of machine learning where the model is trained on labeled data.

  • In supervised learning, the algorithm learns from labeled training data to make predictions or decisions.

  • It involves mapping input data to the correct output label based on the input-output pairs provided during training.

  • Common examples include classification and regression tasks, such as predicting whether an email is spa...

View all Machine Learning Engineer Intern interview questions

Feynn Labs Interview Experiences

30 interviews found

Interview experience
4
Good
Difficulty level
Easy
Process Duration
Less than 2 weeks
Result
-

I applied via Naukri.com and was interviewed in Sep 2024. There was 1 interview round.

Round 1 - Technical 

(3 Questions)

  • Q1. What is svm,how many dimensions in rbf?
  • Ans. 

    SVM stands for Support Vector Machine, RBF stands for Radial Basis Function. RBF can have infinite dimensions.

    • SVM is a supervised machine learning algorithm used for classification and regression tasks.

    • RBF is a kernel function used in SVM to map data into a higher-dimensional space.

    • RBF can have infinite dimensions, allowing it to capture complex relationships in the data.

  • Answered by AI
  • Q2. Different between logistic and linear regression
  • Ans. 

    Logistic regression is used for binary classification while linear regression is used for regression tasks.

    • Logistic regression predicts the probability of a binary outcome (0 or 1), while linear regression predicts a continuous outcome.

    • Logistic regression uses a sigmoid function to map predicted values between 0 and 1, while linear regression uses a linear function.

    • Logistic regression is more suitable for classificatio...

  • Answered by AI
  • Q3. What is random partition
  • Ans. 

    Random partition is a method of dividing a dataset into random subsets for training and testing purposes.

    • Random partition helps in evaluating the performance of a machine learning model by training it on one subset and testing it on another.

    • It helps in preventing overfitting by ensuring that the model is tested on unseen data.

    • Random partition is commonly used in techniques like k-fold cross-validation where the dataset...

  • Answered by AI

Interview Preparation Tips

Interview preparation tips for other job seekers - there was about 5-6 questions i dont remember most of them. study all the ML fundamentals

Skills evaluated in this interview

Intern Interview Questions & Answers

user image Anonymous

posted on 26 Sep 2024

Interview experience
5
Excellent
Difficulty level
Easy
Process Duration
Less than 2 weeks
Result
Selected Selected

I applied via Naukri.com and was interviewed in Aug 2024. There was 1 interview round.

Round 1 - One-on-one 

(2 Questions)

  • Q1. What is logistic regression
  • Ans. 

    Logistic regression is a statistical model used to predict the probability of a binary outcome based on one or more predictor variables.

    • Logistic regression is used when the dependent variable is binary (e.g., 0 or 1, yes or no).

    • It estimates the probability that a given observation belongs to a particular category.

    • The output of logistic regression is a probability score between 0 and 1.

    • It uses the logistic function (sig...

  • Answered by AI
  • Q2. How can you use K - Means?
  • Ans. 

    K-Means is a clustering algorithm used to group data points into K clusters based on similarity.

    • Choose the number of clusters (K) you want to create

    • Randomly initialize K cluster centroids

    • Assign each data point to the nearest centroid

    • Update the centroids based on the mean of the data points assigned to each cluster

    • Repeat the assignment and update steps until convergence

  • Answered by AI

Skills evaluated in this interview

Interview experience
4
Good
Difficulty level
Moderate
Process Duration
Less than 2 weeks
Result
Selected Selected

I applied via Naukri.com and was interviewed in Jul 2024. There was 1 interview round.

Round 1 - One-on-one 

(2 Questions)

  • Q1. What types of machine learning project you worked on?
  • Ans. 

    I have worked on projects involving image classification, natural language processing, and predictive modeling.

    • Image classification using convolutional neural networks

    • Sentiment analysis using recurrent neural networks

    • Predictive modeling for sales forecasting

  • Answered by AI
  • Q2. What is difference between logistics and linear regression?
  • Ans. 

    Logistic regression is used for binary classification while linear regression is used for regression tasks.

    • Logistic regression is used when the dependent variable is binary (0 or 1), while linear regression is used when the dependent variable is continuous.

    • Logistic regression predicts the probability of a certain class or event occurring, while linear regression predicts a continuous value.

    • Logistic regression uses a si...

  • Answered by AI

Skills evaluated in this interview

Interview experience
4
Good
Difficulty level
Moderate
Process Duration
Less than 2 weeks
Result
Selected Selected

I appeared for an interview in Jul 2024.

Round 1 - One-on-one 

(2 Questions)

  • Q1. What is random forest? What it is called random?
  • Ans. 

    Random forest is an ensemble learning method used for classification and regression tasks, consisting of multiple decision trees.

    • Random forest is made up of multiple decision trees, where each tree is built using a subset of the training data and a random subset of features.

    • During prediction, each tree in the forest independently predicts the output, and the final output is determined by a majority vote (classification...

  • Answered by AI
  • Q2. What is svm? Any project you perform using this?
  • Ans. 

    SVM stands for Support Vector Machine, a supervised machine learning algorithm used for classification and regression tasks.

    • SVM finds the hyperplane that best separates different classes in the feature space.

    • It can handle both linear and non-linear data by using different kernel functions.

    • Example project: Sentiment analysis using SVM to classify movie reviews as positive or negative.

  • Answered by AI
Round 2 - Coding Test 

Python question
SQL queries
Form filling paid

Interview experience
3
Average
Difficulty level
-
Process Duration
-
Result
-
Round 1 - Technical 

(4 Questions)

  • Q1. Difference between Random and ordering partition
  • Ans. 

    Random partition involves splitting data randomly, while ordering partition involves splitting data based on a specific order.

    • Random partition randomly divides data into subsets without any specific order.

    • Ordering partition divides data into subsets based on a specific order, such as time or alphabetical order.

    • Random partition is useful for creating training and testing sets for machine learning models.

    • Ordering partiti...

  • Answered by AI
  • Q2. Difference between Logistic and Linear Regression
  • Ans. 

    Logistic regression is used for binary classification while linear regression is used for regression tasks.

    • Logistic regression predicts the probability of a binary outcome (0 or 1) based on one or more independent variables.

    • Linear regression predicts a continuous outcome based on one or more independent variables.

    • Logistic regression uses a sigmoid function to map predicted values between 0 and 1, while linear regressio...

  • Answered by AI
  • Q3. Difference between KNN and K Means
  • Ans. 

    KNN is a supervised learning algorithm used for classification and regression, while K Means is an unsupervised clustering algorithm.

    • KNN stands for K-Nearest Neighbors and assigns a class label based on majority voting of its k-nearest neighbors.

    • K Means is a clustering algorithm that partitions data into k clusters based on similarity.

    • KNN requires labeled data for training, while K Means does not need labeled data.

    • KNN ...

  • Answered by AI
  • Q4. Range of Cross Entropy Loss
  • Ans. 

    Cross entropy loss measures the difference between two probability distributions.

    • Range of cross entropy loss is [0, infinity)

    • Lower values indicate better model performance

    • Commonly used in classification tasks

  • Answered by AI

Skills evaluated in this interview

Interview experience
3
Average
Difficulty level
Moderate
Process Duration
Less than 2 weeks
Result
Selected Selected

I applied via Naukri.com and was interviewed in Jul 2024. There were 2 interview rounds.

Round 1 - Resume Shortlist 
Pro Tip by AmbitionBox:
Keep your resume crisp and to the point. A recruiter looks at your resume for an average of 6 seconds, make sure to leave the best impression.
View all tips
Round 2 - Technical 

(1 Question)

  • Q1. Some basic machine learning algorithms related
Interview experience
5
Excellent
Difficulty level
Easy
Process Duration
Less than 2 weeks
Result
Selected Selected

I appeared for an interview in Feb 2025, where I was asked the following questions.

  • Q1. What is supervised learning
  • Ans. 

    Supervised learning is a type of machine learning where a model is trained on labeled data to make predictions or classifications.

    • Involves training a model on a dataset with input-output pairs.

    • Common algorithms include linear regression, decision trees, and support vector machines.

    • Used for tasks like classification (e.g., spam detection) and regression (e.g., predicting house prices).

    • The model learns to map inputs to o...

  • Answered by AI
  • Q2. What are the parameters of machine learning
  • Ans. 

    Machine learning parameters include hyperparameters, model parameters, and training parameters that influence model performance.

    • Hyperparameters: Settings that are not learned from the data, e.g., learning rate, batch size.

    • Model Parameters: Weights and biases learned during training, e.g., coefficients in linear regression.

    • Training Parameters: Settings related to the training process, e.g., number of epochs, optimizatio...

  • Answered by AI
Interview experience
2
Poor
Difficulty level
Hard
Process Duration
Less than 2 weeks
Result
Not Selected
Round 1 - Technical 

(2 Questions)

  • Q1. Introduced yourself.?
  • Q2. What is linear and logistics.?
  • Ans. 

    Linear regression is a statistical method to model the relationship between a dependent variable and one or more independent variables. Logistic regression is used to model the probability of a binary outcome.

    • Linear regression is used for predicting continuous outcomes, while logistic regression is used for predicting binary outcomes.

    • In linear regression, the relationship between the independent and dependent variables...

  • Answered by AI
Round 2 - Assignment 

Data Science Project

Interview Preparation Tips

Interview preparation tips for other job seekers - Trying to increasing our job vacancies and actively looking to hire freshers. We believe this will bring new energy and innovative ideas to our team.
Interview experience
5
Excellent
Difficulty level
-
Process Duration
-
Result
-
Round 1 - Technical 

(2 Questions)

  • Q1. What is difference between Logistic and Linear Regression
  • Ans. 

    Logistic regression is used for binary classification while linear regression is used for regression tasks.

    • Logistic regression predicts the probability of a binary outcome (0 or 1) based on input features.

    • Linear regression predicts a continuous value based on input features.

    • Logistic regression uses a sigmoid function to map predicted values between 0 and 1.

    • Linear regression uses a linear equation to model the relations...

  • Answered by AI
  • Q2. What are the loss functions
  • Ans. 

    Loss functions are used to measure the difference between predicted values and actual values in machine learning models.

    • Loss functions quantify how well a model is performing by comparing predicted values to actual values

    • Common loss functions include Mean Squared Error (MSE), Cross Entropy Loss, and Hinge Loss

    • Different loss functions are used for different types of machine learning tasks, such as regression or classifi...

  • Answered by AI
Round 2 - Coding Test 

Write the code for logistic Regression

Interview Preparation Tips

Interview preparation tips for other job seekers - Prepare well for the machine Learning concepts

Skills evaluated in this interview

Interview experience
4
Good
Difficulty level
Moderate
Process Duration
Less than 2 weeks
Result
Selected Selected

I applied via Company Website and was interviewed in May 2024. There was 1 interview round.

Round 1 - Technical 

(2 Questions)

  • Q1. All question on machines learning concept
  • Q2. Concepts on backward propagation

Top trending discussions

View All
Interview Tips & Stories
2w
toobluntforu
·
works at
Cvent
Can speak English, can’t deliver in interviews
I feel like I can't speak fluently during interviews. I do know english well and use it daily to communicate, but the moment I'm in an interview, I just get stuck. since it's not my first language, I struggle to express what I actually feel. I know the answer in my head, but I just can’t deliver it properly at that moment. Please guide me
Got a question about Feynn Labs?
Ask anonymously on communities.

Feynn Labs Interview FAQs

How many rounds are there in Feynn Labs interview?
Feynn Labs interview process usually has 1-2 rounds. The most common rounds in the Feynn Labs interview process are Technical, One-on-one Round and Resume Shortlist.
How to prepare for Feynn Labs interview?
Go through your CV in detail and study all the technologies mentioned in your CV. Prepare at least two technologies or languages in depth if you are appearing for a technical interview at Feynn Labs. The most common topics and skills that interviewers at Feynn Labs expect are Python, Machine Learning, Data Analysis, Numpy and Pandas.
What are the top questions asked in Feynn Labs interview?

Some of the top questions asked at the Feynn Labs interview -

  1. Difference between inference learning and prediction learni...read more
  2. What is bagging and boosting. What are different types of learning models. Expl...read more
  3. Mention some optimizers and loss functions used in machine learni...read more
How long is the Feynn Labs interview process?

The duration of Feynn Labs interview process can vary, but typically it takes about less than 2 weeks to complete.

Tell us how to improve this page.

Overall Interview Experience Rating

4/5

based on 30 interview experiences

Difficulty level

Easy 29%
Moderate 57%
Hard 14%

Duration

Less than 2 weeks 100%
View more

Interview Questions from Similar Companies

TCS Interview Questions
3.6
 • 11.1k Interviews
Accenture Interview Questions
3.8
 • 8.7k Interviews
Infosys Interview Questions
3.6
 • 7.9k Interviews
Wipro Interview Questions
3.7
 • 6.1k Interviews
Cognizant Interview Questions
3.7
 • 5.9k Interviews
Amazon Interview Questions
4.0
 • 5.4k Interviews
Capgemini Interview Questions
3.7
 • 5.1k Interviews
Tech Mahindra Interview Questions
3.5
 • 4.1k Interviews
HCLTech Interview Questions
3.5
 • 4.1k Interviews
Genpact Interview Questions
3.7
 • 3.4k Interviews
View all

Feynn Labs Reviews and Ratings

based on 77 reviews

4.0/5

Rating in categories

4.1

Skill development

4.3

Work-life balance

3.0

Salary

3.4

Job security

3.8

Company culture

3.3

Promotions

4.0

Work satisfaction

Explore 77 Reviews and Ratings
Machine Learning Intern
66 salaries
unlock blur

₹0.5 L/yr - ₹7.2 L/yr

Machine Learning Engineer
5 salaries
unlock blur

₹1 L/yr - ₹1.5 L/yr

Data Analyst
4 salaries
unlock blur

₹1 L/yr - ₹5 L/yr

Data Analyst Intern
4 salaries
unlock blur

₹1 L/yr - ₹3 L/yr

Data Science Intern
4 salaries
unlock blur

₹0.5 L/yr - ₹1.1 L/yr

Explore more salaries
Compare Feynn Labs with

TCS

3.6
Compare

Accenture

3.7
Compare

Wipro

3.7
Compare

Cognizant

3.7
Compare
write
Share an Interview