i
iEnergizer
Filter interviews by
Be the first one to contribute and help others!
I applied via Approached by Company and was interviewed in Jul 2024. There were 2 interview rounds.
Developed a recommendation system for an e-commerce platform using collaborative filtering
Used collaborative filtering to analyze user behavior and recommend products
Implemented matrix factorization techniques to improve recommendation accuracy
Evaluated model performance using metrics like RMSE and precision-recall curves
I am currently working on developing machine learning models using Python, TensorFlow, and scikit-learn.
Python programming language
TensorFlow framework
scikit-learn library
I would approach a machine learning problem by first understanding the problem, collecting and preprocessing data, selecting a suitable algorithm, training the model, evaluating its performance, and fine-tuning it.
Understand the problem statement and define the objectives clearly.
Collect and preprocess the data to make it suitable for training.
Select a suitable machine learning algorithm based on the problem type (clas...
I applied via Naukri.com and was interviewed in Jan 2024. There was 1 interview round.
Discussion on Gradient, SGD, K Mean ++, Silhouette Score, How to Handle High Variation Data,
Coding asked to code KNN, Hyper-Parameter Tuning, Two Difficult Questions on Coding...DSA Based Stumped on Those.
Verdict... Not Selected
Simple Coding No Chat GPT Support Should Be There
I applied via Naukri.com and was interviewed in Dec 2024. There was 1 interview round.
Lemmatization produces the base or dictionary form of a word, while stemming reduces words to their root form.
Lemmatization considers the context and meaning of the word, resulting in a valid word that makes sense.
Stemming simply chops off prefixes or suffixes, potentially resulting in non-existent words.
Example: Lemmatization of 'better' would result in 'good', while stemming would reduce it to 'bet'.
I applied via Company Website and was interviewed in Jul 2023. There were 4 interview rounds.
Python basic coding questions (pandas, numpy, OOPs concept.
AI ML theory questions
I was interviewed in Oct 2024.
OHE is a technique used in machine learning to convert categorical data into a binary format.
OHE is used to convert categorical variables into a format that can be provided to ML algorithms.
Each category is represented by a binary vector where only one element is 'hot' (1) and the rest are 'cold' (0).
For example, if we have a 'color' feature with categories 'red', 'blue', 'green', OHE would represent them as [1, 0, 0],
Conditional probability is the likelihood of an event occurring given that another event has already occurred.
Conditional probability is calculated using the formula P(A|B) = P(A and B) / P(B)
It represents the probability of event A happening, given that event B has already occurred
Conditional probability is used in various fields such as machine learning, statistics, and finance
Precision and recall are evaluation metrics used in machine learning to measure the performance of a classification model.
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.
Precision is important when the cost of false positives is high, while recall is i...
The zip function in Python is used to combine multiple iterables into a single iterable of tuples.
Zip function takes two or more iterables as arguments and returns an iterator of tuples where the i-th tuple contains the i-th element from each of the input iterables.
If the input iterables are of different lengths, the resulting iterator will only have as many elements as the shortest input iterable.
Example: zip([1, 2, 3...
NLP (Natural Language Processing) in machine learning is the ability of a computer to understand, interpret, and generate human language.
NLP enables machines to analyze and derive meaning from human language data.
It involves tasks such as text classification, sentiment analysis, named entity recognition, and machine translation.
Examples of NLP applications include chatbots, language translation services, and speech rec
I applied via Naukri.com and was interviewed in Jul 2024. There was 1 interview round.
Developed a sentiment analysis model using NLP to analyze customer reviews for a product.
Collected and preprocessed text data from various sources
Performed tokenization, stopword removal, and lemmatization
Built a machine learning model using techniques like TF-IDF and LSTM
Evaluated the model's performance using metrics like accuracy and F1 score
Deployed the model for real-time sentiment analysis of new reviews
Cosine similarity is a measure of similarity between two non-zero vectors in an inner product space.
It measures the cosine of the angle between the two vectors.
Values range from -1 (completely opposite) to 1 (exactly the same).
Used in recommendation systems, text mining, and clustering algorithms.
Iterator is an object that allows iteration over a collection, while iterable is an object that can be iterated over.
Iterator is an object with a next() method that returns the next item in the collection.
Iterable is an object that has an __iter__() method which returns an iterator.
Example: List is iterable, while iter(list) returns an iterator.
Python function to calculate cosine similarity between two vectors.
Define a function that takes two vectors as input.
Calculate the dot product of the two vectors.
Calculate the magnitude of each vector and multiply them.
Divide the dot product by the product of magnitudes to get cosine similarity.
F1 score is a metric used to evaluate the performance of a classification model by considering both precision and recall.
F1 score is the harmonic mean of precision and recall, calculated as 2 * (precision * recall) / (precision + recall).
It is a better metric than accuracy when dealing with imbalanced datasets.
A high F1 score indicates a model with both high precision and high recall.
F1 score ranges from 0 to 1, where
Customer Service Executive
2.3k
salaries
| ₹0 L/yr - ₹0 L/yr |
Senior Executive
1.8k
salaries
| ₹0 L/yr - ₹0 L/yr |
Customer Care Executive
1.5k
salaries
| ₹0 L/yr - ₹0 L/yr |
Senior Customer Service Executive
1.2k
salaries
| ₹0 L/yr - ₹0 L/yr |
Customer Support Executive
1.1k
salaries
| ₹0 L/yr - ₹0 L/yr |
Genpact
Wipro
TCS
Infosys