Za-heer commited on
Commit
ff84fbc
·
2 Parent(s): a00ab52 9a9a43d

Merge branch 'main' of https://github.com/Za-heer/AI_Assignment_Checker

Browse files
uploads/assignment_03.ipynb ADDED
@@ -0,0 +1,46 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "cells": [
3
+ {
4
+ "cell_type": "markdown",
5
+ "id": "4ecafd98",
6
+ "metadata": {},
7
+ "source": [
8
+ "# Assignment 3: Feature Engineering - Encoding Categorical Data\n",
9
+ "Create a function to encode categorical variables in a dataset using one-hot encoding.\n",
10
+ "Dataset contains student info with grades (A, B, C) and gender (M, F)."
11
+ ]
12
+ },
13
+ {
14
+ "cell_type": "code",
15
+ "execution_count": null,
16
+ "id": "44ac96ce",
17
+ "metadata": {},
18
+ "outputs": [],
19
+ "source": [
20
+ "import pandas as pd\n",
21
+ " \n",
22
+ " # Synthetic dataset\n",
23
+ "data = {\n",
24
+ " 'student': ['Alice', 'Bob', 'Charlie'],\n",
25
+ " 'grade': ['A', 'B', 'C'],\n",
26
+ " 'gender': ['F', 'M', 'F']\n",
27
+ " }\n",
28
+ "df = pd.DataFrame(data)\n",
29
+ "\n",
30
+ " # One-hot encoding\\n\",\n",
31
+ "df_encoded = pd.get_dummies(df, columns=['grade', 'gender']) \n",
32
+ "print(df_encoded)\n",
33
+ " \n",
34
+ " # Error: Trying to access non-existent column\\n\",\n",
35
+ "print(df_encoded['grade_D'])"
36
+ ]
37
+ }
38
+ ],
39
+ "metadata": {
40
+ "language_info": {
41
+ "name": "python"
42
+ }
43
+ },
44
+ "nbformat": 4,
45
+ "nbformat_minor": 5
46
+ }
uploads/assignment_05.py ADDED
@@ -0,0 +1,21 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Assignment 5: Feature Scaling for KNN
2
+ # Apply feature scaling before training a KNN classifier
3
+ from sklearn.neighbors import KNeighborsClassifier
4
+ from sklearn.preprocessing import StandardScaler
5
+ import numpy as np
6
+
7
+ # Synthetic dataset
8
+ X = np.array([[1, 2], [3, 4], [5, 6], [7, 8]])
9
+ y = np.array([0, 0, 1, 1])
10
+
11
+ # Scale features
12
+ scaler = StandardScaler()
13
+ X_scaled = scaler.fit_transform(X)
14
+
15
+ # Train KNN
16
+ knn = KNeighborsClassifier(n_neighbors=3)
17
+ knn.fit(X_scaled, y)
18
+
19
+ # Predict
20
+ test_data = np.array([2, 3]) # Error: Shape mismatch, should be [[2, 3]]
21
+ print(f"Prediction: {knn.predict(test_data)}")
uploads/assignment_10.py ADDED
@@ -0,0 +1,22 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # Assignment 10: Train-Test Split and Evaluation
2
+ # Split dataset and evaluate a model
3
+ from sklearn.model_selection import train_test_split
4
+ from sklearn.metrics import accuracy_score
5
+ from sklearn.linear_model import LogisticRegression
6
+ import numpy as np
7
+
8
+ # Synthetic dataset
9
+ X = np.array([[1, 2], [3, 4], [5, 6], [7, 8]])
10
+ y = np.array([0, 0, 1, 1])
11
+
12
+ # Split data
13
+ X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2)
14
+
15
+ # Train model
16
+ model = LogisticRegression()
17
+ model.fit(X_train, y_train)
18
+
19
+ # Evaluate
20
+ predictions = model.predict(X_test)
21
+ print(f"Accuracy: {accuracy_score(y_test, predictions)}")
22
+ print(f"Confusion Matrix: {confusion_matrix(y_test, predictions)}") # Error: confusion_matrix not imported