Artificial Intelligence

Master the fundamentals of AI including search, reasoning, decision-making, and real-world applications like self-driving cars and intelligent assistants.

41 Problems Available
Accuracy Score
Beginner

Calculate accuracy score from true and predicted labels.

60 points Solve
Activation Function Derivatives
Beginner

Implement derivatives for sigmoid and ReLU activation functions.

80 points Solve
Binary Classification with Perceptron
Beginner

Implement a perceptron for binary classification with given weights [0.6, -0.4] and bias 0.3.

70 points Solve
Binary Cross Entropy Loss
Beginner

Calculate binary cross entropy loss between true and predicted values.

80 points Solve
Calculate Hamming Distance
Beginner

Calculate the Hamming distance between two binary strings.

60 points Solve
Confusion Matrix
Beginner

Create a confusion matrix from true and predicted labels.

80 points Solve
Count Vectorizer
Beginner

Implement a simple count vectorizer for text data.

90 points Solve
Decision Stump Classifier
Intermediate

Implement a decision stump (1-level decision tree).

100 points Solve
Euclidean Distance
Beginner

Calculate Euclidean distance between two points.

60 points Solve
F1 Score
Beginner

Calculate F1 score for binary classification.

80 points Solve
Feature Scaling (Normalization)
Beginner

Implement feature scaling to normalize data between 0 and 1.

70 points Solve
Implement AND Logic Gate
Beginner

Create a function that implements AND logic (returns 1 only if both inputs are 1).

50 points Solve
Implement NOT Logic Gate
Beginner

Create a function that implements NOT logic (returns the opposite of input).

50 points Solve
Implement OR Logic Gate
Beginner

Create a function that implements OR logic (returns 1 if either input is 1).

50 points Solve
Jaccard Similarity
Beginner

Calculate Jaccard similarity between two sets.

70 points Solve
K-Means Clustering
Intermediate

Implement K-means clustering with K=2.

150 points Solve
K-Nearest Neighbors Classifier
Intermediate

Implement a simple KNN classifier with k=3.

120 points Solve
Linear Regression Prediction
Beginner

Make predictions using a trained linear regression model (y = 2x + 1).

50 points Solve
Logistic Regression Prediction
Beginner

Make predictions using a trained logistic regression model.

80 points Solve
Manhattan Distance
Beginner

Calculate Manhattan distance between two points.

60 points Solve
Mean Squared Error
Beginner

Calculate mean squared error between predicted and actual values.

70 points Solve
MiniMax Algorithm
Intermediate

Implement the MiniMax algorithm for Tic-Tac-Toe.

150 points Solve
Naive Bayes Classifier
Intermediate

Implement a Gaussian Naive Bayes classifier from scratch.

150 points Solve
One-Hot Encoding
Beginner

Convert categorical labels to one-hot encoded vectors.

70 points Solve
Precision Score
Beginner

Calculate precision score for binary classification.

70 points Solve
Q-Learning Table
Intermediate

Implement a simple Q-learning table for a grid world.

150 points Solve
Recall Score
Beginner

Calculate recall score for binary classification.

70 points Solve
ReLU Activation Function
Beginner

Implement the ReLU activation function.

50 points Solve
Sigmoid Activation Function
Beginner

Implement the sigmoid activation function.

60 points Solve
Simple Bag-of-Words
Beginner

Create a simple bag-of-words representation from text.

80 points Solve
Simple Genetic Algorithm
Intermediate

Implement a genetic algorithm to maximize f(x) = x^2.

150 points Solve
Simple Gradient Descent
Beginner

Implement gradient descent to find the minimum of f(x) = x^2.

90 points Solve
Simple Linear Regression
Intermediate

Implement a simple linear regression model (y = wx + b).

100 points Solve
Simple Moving Average
Beginner

Calculate simple moving average for a time series.

80 points Solve
Simple Perceptron
Beginner

Implement a perceptron for AND gate with weights [0.5, 0.5] and bias -0.7.

80 points Solve
Simple Recommender System
Intermediate

Implement a cosine similarity-based recommender system.

150 points Solve
Softmax Function
Beginner

Implement the softmax function for multi-class classification.

70 points Solve
Standardization (Z-score)
Beginner

Implement standardization using z-score normalization.

70 points Solve
Step Activation Function
Beginner

Implement a step activation function with threshold 0.

50 points Solve
Tokenize Text
Beginner

Implement a simple text tokenizer that splits on whitespace.

50 points Solve
XOR Problem with MLP
Intermediate

Train a simple MLP to solve the XOR problem.

150 points Solve