0% found this document useful (0 votes)
65 views5 pages

Report Letter

Chethan H completed a month-long internship as an Artificial Intelligence Intern at Codec Technologies, focusing on practical applications of AI and Machine Learning through various mini-projects. The internship involved using tools like Python, Scikit-learn, and TensorFlow, covering topics such as regression, classification, clustering, and sentiment analysis. Key learning outcomes included improved technical skills, model evaluation techniques, and hands-on experience with real datasets.

Uploaded by

chikluffy
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
65 views5 pages

Report Letter

Chethan H completed a month-long internship as an Artificial Intelligence Intern at Codec Technologies, focusing on practical applications of AI and Machine Learning through various mini-projects. The internship involved using tools like Python, Scikit-learn, and TensorFlow, covering topics such as regression, classification, clustering, and sentiment analysis. Key learning outcomes included improved technical skills, model evaluation techniques, and hands-on experience with real datasets.

Uploaded by

chikluffy
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
You are on page 1/ 5

AI INTERNSHIP REPORT

Name: Chethan H

Internship Duration: 17/03/2025 – 17/04/2025

Company: Codec Technologies

Designation: Artificial Intelligence Intern


Acknowledgment
I would like to express my sincere gratitude to Codec Technologies for offering me the
opportunity to work as an Artificial Intelligence Intern. I am thankful to Dr. Anurag
Shrivastava, Project Heads, and the entire Codec team for their guidance and support
throughout the internship. This experience helped me enhance my technical and analytical
skills in AI and Machine Learning.

Company Profile
Codec Technologies is a global platform dedicated to empowering learners and connecting
diverse talent to meaningful career opportunities. It offers IT and business consultancy
across 27+ countries and promotes innovation and strategic growth.

Website: www.codectechnologies.in

Internship Overview
The internship focused on practical implementation of Artificial Intelligence and Machine
Learning concepts through mini-projects and daily assignments. Key topics included Python
programming, machine learning algorithms, data preprocessing, and AI model building.

Technologies & Tools Used


• Python
• Scikit-learn
• Pandas, NumPy
• Matplotlib, Seaborn
• Jupyter Notebook
• Google Colab

Daily Work Log Table


Date Task
17/03/2025 Internship induction, introduction to AI
and Python setup
18/03/2025 Python basics: variables, loops, functions,
data structures
19/03/2025 Numpy and Pandas: data manipulation &
array operations
20/03/2025 Data visualization using Matplotlib and
Seaborn
21/03/2025 Introduction to Machine Learning and
types of ML
22/03/2025 Linear Regression implementation from
scratch
23/03/2025 Logistic Regression for binary classification
24/03/2025 Mini Project 1: House Price Prediction
(Linear Regression)
25/03/2025 Evaluation metrics: RMSE, MAE, Accuracy
26/03/2025 Decision Trees and Random Forest
algorithms
27/03/2025 K-Nearest Neighbors & Naive Bayes models
28/03/2025 Mini Project 2: Iris Flower Classification
using KNN
29/03/2025 Support Vector Machines – theory and
implementation
30/03/2025 Clustering: K-Means and Hierarchical
31/03/2025 Mini Project 3: Customer Segmentation
using K-Means
01/04/2025 Model optimization: GridSearchCV, cross-
validation
02/04/2025 Deep learning intro: Neural Networks,
TensorFlow basics
03/04/2025 Image classification using CNN in Keras
04/04/2025 NLP basics – tokenization, stemming,
vectorization
05/04/2025 Sentiment Analysis using Logistic
Regression
06/04/2025 Mini Project 4: Twitter Sentiment Analysis
07/04/2025 Time Series Forecasting introduction
08/04/2025 ARIMA model and moving average
smoothing
09/04/2025 Exploratory Data Analysis (EDA) on real
datasets
10/04/2025 Final Project discussion & dataset selection
11/04/2025 Project implementation: Model training &
tuning
12/04/2025 Project refinement: evaluation & reporting
13/04/2025 Review session & feedback by mentors
14/04/2025 Report writing and presentation prep
15/04/2025 Final project submission
16/04/2025 Wrap-up, certificate issuance
17/04/2025 Internship conclusion and final feedback
Mini Project Highlights
1. House Price Prediction

from sklearn.linear_model import LinearRegression


model = LinearRegression()
model.fit(X_train, y_train)
predictions = model.predict(X_test)

2. Iris Classification (KNN)

from sklearn.neighbors import KNeighborsClassifier


knn = KNeighborsClassifier(n_neighbors=3)
knn.fit(X_train, y_train)
print(knn.predict([[5.1, 3.5, 1.4, 0.2]]))

3. Customer Segmentation (K-Means)

from sklearn.cluster import KMeans


kmeans = KMeans(n_clusters=3)
kmeans.fit(data)
labels = kmeans.labels_

4. Sentiment Analysis

from sklearn.feature_extraction.text import CountVectorizer


from sklearn.linear_model import LogisticRegression
vectorizer = CountVectorizer()
X = vectorizer.fit_transform(text_data)
model = LogisticRegression()
model.fit(X, y)

Learning Outcomes
• Practical experience with key AI and ML concepts
• Confidence in using Python for data science
• Learned model evaluation and optimization techniques
• Improved understanding of deep learning and NLP
Challenges Faced
• Balancing theory with coding
• Understanding model tuning complexities
• Handling large datasets

Conclusion
This internship gave me hands-on experience in the AI domain, sharpening both technical
and problem-solving skills. I’m thankful to Codec Technologies for providing such an
enriching experience.

You might also like