Summer Internship-2 Subject Code: 4351605
SUMMER INTERNSHIP REPORT
Submitted by
Makvana Dhruv M. (236400316069)
In partial fulfilment for the curriculum of the
5th Semester in
DIPLOMA ENGINEERING
in
Information Technology Department
R. C. Technical Institute, Ahmedabad
Gujarat Technological University, Ahmedabad
July, 2025
P a g e 1 | 19
Summer Internship-2 Subject Code: 4351605
R. C. TECHNICAL INSTITUTE
Opposite Gujarat High Court, S. G. Highway,
Sola, Ahmedabad-380060
DEPARTMENT OF INFORMATION TECHNOLOGY
Certificate
This is to certify that _______ Makvana Dhruv M.________
Enrolment No. __________236400316069___________ of Semester -
5 class _IT51_ has satisfactorily completed the course work in
Summer Internship (4351605) at ______InfoLabz IT Services Pvt.
Ltd._________ and submitted work at IT department, R. C. Technical
Institute, Ahmedabad-380060 for the academic year 2025-26.
Date: Faculty Sign Head of Department
P a g e 2 | 19
Summer Internship-2 Subject Code: 4351605
COMPETENCY
The purpose of this course is to help the student to attain flavour of the following industry
identified competency through summer internship experiences:
Develop multiple types of skills such as planning, communication, collaboration, decision
making / Problem solving and management skills along with selected technical
knowledge.
P a g e 3 | 19
Summer Internship-2 Subject Code: 4351605
COURSE OUTCOMES (COs)
The practical exercises, the underpinning knowledge and the relevant soft skills associated
with the identified competency are to be developed in the student for the achievement of the
following COs:
a) Be aware of duty, professional responsibility and ethics of an engineer.
b) Able to communicate effectively, develop professional work reports and presentations
in the working environment.
c) Develop awareness about general workplace behaviour and build interpersonal and
team skills.
d) Obtain exposure and practical experience in the related field.
e) Able to apply theoretical knowledge to solve industrial problems. Learn and adopt the
engineer’s role and responsibilities with ethics.
AFFECTIVE DOMAIN OUTCOMES
The following affective Domain Outcomes (ADOs) are embedded in many of the above-
mentioned COs. More could be added to fulfil the development of this course competency.
a) Work as a leader/a team member as role of Engineer.
b) Practice environmentally friendly methods and processes.
c) Follow safety precautions and ethical practices
P a g e 4 | 19
Summer Internship-2 Subject Code: 4351605
List of documents to be prepared for Submission are as below:
Write down Three to Five pages on each of the sub point mentioned below:
1. Detail daily work progress report:
a. Daily activities carried out at industry under the internship program.
b. Industry work portfolio and its major projects
c. Team(s) you worked with, its members inputs, and work place environment.
DAY NO CONTENT
Day-01 28/05/2025
Basic code of python
Dictionary
API
Day 02 29/05/2025
Task 01
Task 02
Requests package
Day 03 30/05/2025
Print the current usd price from API
Print Scheme Code and Scheme
Name using for loop
List
Day 04 02/05/2025
Access the data according user input
from pincode api
Matplotlib:
1) Bar chart
2) Pie chart
3) Multiline graph
Day 05 03/06/2025
Scatter plot
Histogram
Multibar graph
P a g e 5 | 19
Summer Internship-2 Subject Code: 4351605
Day 06 4/6/2025
File Handling
Xlrd
Day 7 5/6/2025
Questions:
Solve queries of students
Day 08 Task solution
Day 09 09/06/2025
numpy
Day 10 10/06/2025
Pandas
File handling
Task
Day 11 11/06/2025
Edit CSV File Using Pandas Library
Fetch data from api and convert into
dataframe
Bar graph of two combined sheet
Day 12 12/06/2025
DateTime Handling
MultiIndex
Pivot Table
Day 13 13/06/2025
Categorical Data and Memory
Optimization
Rolling Function
Label encoding
P a g e 6 | 19
Summer Internship-2 Subject Code: 4351605
Ordinal encoding
Day 14 16/06/2025
OpenCV
Gray image and mirror image
17/06/2025
Create a program which change the
size of the camera
Capture the image and resize it
capture the video for 15 sec and
close the camera
Day 15 18/06/2025
Capture the video when user press c
and stop the recording when user
press S
Capture 5 image and save in folder
Add watermark in camera
Day 16 19/06/2025
capture image and store as blur
image, gaussian blur and median
blur
take 10 images, store into a folder
and make it blur, resize and gray
and save into the different folders
Day 17 20/06/2025
detect face from the image
face and eyes detection using live
camera
Day 18 23/06/2025
Linear Regression
Task
P a g e 7 | 19
Summer Internship-2 Subject Code: 4351605
Multiple linear regression
Decision Tree
Date: 26/06/2025
random forest
Date: 27/06/2025
movie dataset
Date: 30/06/2025
K means
Date 1/7/2025
Streamlit
Streamlit date_input
Date 02/07/2025
Streamlit : sidebar
Date 3/7/2025
Explain out project
Solve queries
2. Tools/Technology:
P a g e 8 | 19
Summer Internship-2 Subject Code: 4351605
Write down Three to Five pages on each of the sub point mentioned below:
a. Tools/Technology on which exposure was gained during the internship program.
b. List of industries where the learned tools/technology are used in the current time, and
what major projects the companies are carrying using the learned tools and
technologies.
c. Any basic/advance level certification course available on the tools/technologies learned
during internship, if so, name the certification exam and organization conducting the
same.
a. Tools/Technology on which exposure was gained during the internship program
During my internship at Infolabz IT Services Pvt. Ltd., I gained practical exposure to
several key tools and technologies used in real-world software and data science applications.
Below are the main tools and technologies I worked with:
1. Python Programming
Python was the primary programming language used throughout the internship. It was used
for:
Data analysis and manipulation using Pandas
Building machine learning models using scikit-learn
Handling arrays and numerical operations with NumPy
Visualizing data using Matplotlib and Seaborn
Automating workflows and building utility scripts
2. Streamlit
Streamlit was introduced as a framework to build interactive web applications for data
science models. I used Streamlit to:
Create dashboards to display ML outputs
Design forms to input user data
Integrate ML models with a user interface
3. OpenCV (Open Source Computer Vision Library)
OpenCV was used for image processing and computer vision tasks such as:
Face and eye detection using Haar Cascades
P a g e 9 | 19
Summer Internship-2 Subject Code: 4351605
Applying filters and effects to images
Real-time camera-based programs and feature detection
4. scikit-learn (sklearn)
This was the core library for machine learning implementation. It was used to:
Train and test models like Linear Regression, KNN, Decision Trees, and KMeans
Preprocess data and split into training/testing sets
Evaluate models using performance metrics
5. Data Handling Libraries (Pandas, xlrd)
We worked extensively with datasets:
Extracting and merging data from Excel and APIs
Structuring data into DataFrames
Generating insights and visual reports
6. Visualization Tools (Matplotlib, Seaborn)
These libraries were used to create:
Line plots, bar charts, pie charts
Heatmaps and cluster visualizations
Rolling average and time-series graphs
P a g e 10 | 19
Summer Internship-2 Subject Code: 4351605
b. List of Industries Using the Learned Tools/Technology and Major Projects
The tools and technologies learned during the internship are highly applicable across multiple
industries. Below are some examples:
1. IT & Software Development
Companies: TCS, Infosys, Wipro, Cognizant
Projects: Backend systems, data dashboards, web automation, cloud apps using
Python and Flask
2. Data Science & Analytics
Companies: Fractal Analytics, Mu Sigma, Accenture, IBM
Projects:
o Predictive modeling for retail and banking
o Customer segmentation using clustering algorithms
o Real-time dashboard development using Streamlit
3. AI & Machine Learning
Companies: Google AI, OpenAI, NVIDIA, Amazon AWS
Projects:
o Natural language processing and chatbots
o Image recognition using OpenCV
o Recommender systems (similar to TripMate)
4. EdTech & Research
Companies: BYJU'S, Coursera, Khan Academy
Projects:
o Personalized learning systems
o Student performance analysis
o Face detection-based attendance systems
5. Healthcare & Biotech
Companies: Siemens Healthineers, Philips, PathAI
Projects:
P a g e 11 | 19
Summer Internship-2 Subject Code: 4351605
o Image-based diagnosis using OpenCV
o Patient data prediction using regression
o Health tracking dashboards built in Streamlit
P a g e 12 | 19
Summer Internship-2 Subject Code: 4351605
c. Certification Courses Available for the Tools/Technologies Learned
To deepen knowledge and gain industry-recognized credentials, the following certification
courses are recommended:
1. Python Programming
Course: Python for Everybody
Provider: University of Michigan on Coursera
Certificate: Yes
Exam: Online MCQs + Assignments
2. Data Science with Python
Course: IBM Data Science Professional Certificate
Provider: IBM via Coursera
Certificate: Yes
Covers: Pandas, NumPy, Matplotlib, scikit-learn
3. Machine Learning
Course: Machine Learning
Provider: Stanford University by Andrew Ng (Coursera)
Certificate: Yes
Covers: Regression, classification, clustering
4. OpenCV and Computer Vision
Course: Python for Computer Vision with OpenCV
Provider: Udemy
Certificate: Yes
Includes: Image filtering, object detection, Haar Cascades
5. Streamlit
Course: Build and Deploy Data Apps with Streamlit
Provider: Coursera/YouTube/Udemy
Certificate: Optional
Covers: App design, interactivity, deployment
P a g e 13 | 19
Summer Internship-2 Subject Code: 4351605
6. scikit-learn
Course: Supervised Machine Learning with scikit-learn
Provider: DataCamp
Certificate: Yes
Topics: Decision Trees, KNN, Regression
3. Poster/Chart of summer internship activities:
P a g e 14 | 19
Summer Internship-2 Subject Code: 4351605
Three to Five Flowcharts / Posters / UML Diagrams / ER Diagrams etc. are to be drawn
with respect to work carried out in the assigned project.
1. Application Workflow – Flowchart
Title: TripMate – End-to-End Flow
[ Start ]
↓
[ Load CSV Data File (data.csv) ]
↓
[ Preprocess Data (Clean, Combine, ₹ Conversion) ]
↓
[ Compute TF-IDF Vectors + Cosine Similarity Matrix ]
↓
[ User Selects a Place ]
↓
[ Choose Number of Recommendations ]
↓
[ Click "🎯 Recommend" ]
↓
[ Show Top N Similar Places with Location, Type, ₹ Range ]
↓
[ End ]
2. UML Class Diagram – TripMate Components
Class Name Attributes Methods
PlaceDataLoade load_data(), clean_data(),
file_path, dataframe
r combine_features()
SimilarityEngin tfidf_vectorizer, compute_similarity(),
e similarity_matrix get_similar_places()
selected_place, render_ui(),
TripMateUI num_recommendation display_recommendation
s, display_area s()
P a g e 15 | 19
Summer Internship-2 Subject Code: 4351605
Project Title: TripMate – AI-Powered Travel Assistant
📌 Code 1: Content-Based Similarity Model (No ML Training Needed)
Filename: tripmate_engine.py
Purpose: Preprocess the travel dataset, compute TF-IDF vector similarity, and return top
recommended places based on selected input.
🔍 Explanation:
1. Import Required Libraries:
import pandas as pd
from sklearn.feature_extraction.text import TfidfVectorizer
from sklearn.metrics.pairwise import cosine_similarity
Used for reading data, text vectorization, and computing place similarity using cosine
distance.
2. ₹ Conversion from $ Symbols:
def convert_price_symbols(price):
symbol_map = {
'$': '₹',
'$$': '₹₹',
'$$$': '₹₹₹',
'$$$$': '₹₹₹₹'
}
return symbol_map.get(price.strip(), price.strip())
Replaces dollar symbols with Indian rupee signs for localized UI presentation.
3. Load and Preprocess Dataset:
@st.cache_data
def load_data(file_path):
df = pd.read_csv(file_path)
df.dropna(subset=['Name', 'Location', 'Type', 'Price_Range'], inplace=True)
df.fillna('', inplace=True)
df['Price_Range'] = df['Price_Range'].apply(convert_price_symbols)
df['combined_features'] = (
df['Location'].str.lower() + ' ' +
df['Type'].str.lower() + ' ' +
df['Price_Range'].str.lower()
)
df['Name_lower'] = df['Name'].str.lower()
return df
Cleans the dataset and creates a combined_features column (Location + Type +
Budget) for content filtering.
4. TF-IDF + Cosine Similarity Computation:
P a g e 16 | 19
Summer Internship-2 Subject Code: 4351605
@st.cache_resource
def compute_similarity(df):
vectorizer = TfidfVectorizer()
tfidf_matrix = vectorizer.fit_transform(df['combined_features'])
similarity_matrix = cosine_similarity(tfidf_matrix)
return similarity_matrix
Converts text into feature vectors and calculates similarity between all places.
5. Recommendation Logic:
def recommend_places(df, similarity_matrix, selected_place, top_n=5):
selected_place = selected_place.lower().strip()
if selected_place not in df['Name_lower'].values:
return None
index = df[df['Name_lower'] == selected_place].index[0]
scores = list(enumerate(similarity_matrix[index]))
scores = sorted(scores, key=lambda x: x[1], reverse=True)[1:top_n + 1]
recommended_df = df.iloc[[i[0] for i in scores]]
return recommended_df
Finds the top N most similar places to the selected one based on cosine similarity
values.
💻 Code 2: Streamlit App (Frontend + UI)
Filename: TripMate.py
Purpose: Create an interactive web application where users select a place and get intelligent
suggestions based on location, type, and price.
🔍 Explanation:
1. Import Libraries & Page Setup:
import streamlit as st
st.set_page_config(page_title="TripMate", page_icon="🌍")
st.title("🌍 TripMate: Smart Place Recommender")
st.markdown("Discover similar places based on location, type, and budget.")
Configures the app title, icon, and introductory message for users.
2. Load Data and Similarity Matrix:
df = load_data("data.csv")
similarity_matrix = compute_similarity(df)
Loads cleaned dataset and similarity engine.
3. User Input Form:
P a g e 17 | 19
Summer Internship-2 Subject Code: 4351605
python
CopyEdit
place_input = st.selectbox("🔎 Choose a place to get recommendations:",
sorted(df['Name'].unique()))
num_recommendations = st.slider("📌 Number of suggestions", 1, 10, 5)
Allows user to select a place and number of similar places to retrieve.
4. Show Recommendations:
if st.button("🎯 Recommend"):
recommendations = recommend_places(df, similarity_matrix, place_input,
top_n=num_recommendations)
if recommendations is not None and not recommendations.empty:
st.subheader(f"✅ Similar places to: **{place_input}**")
for i, row in recommendations.iterrows():
st.markdown(f"**{row['Name']}** \n📍 *{row['Location']}* \n *{row['Type']}* \n💰
*{row['Price_Range']}*")
st.markdown("---")
else:
st.error("❌ Place not found or no similar places found.")
Renders real-time output in the browser with formatted details using markdown.
🚀 Streamlit App Output – TripMate
The TripMate application provides smart recommendations by analyzing travel place
metadata using TF-IDF-based content filtering. The app gives intuitive suggestions in real
time.
🔗 Live Project Link:
👉 Click here to open TripMate App
🔹 Example Input (User-Filled Form)
Selected Place: " David's Barbeque"
Number of Suggestions: 5
🔹 Recommendation Output
After clicking "🎯 Recommend", the app displays:
🟩 Suggested Places:
1. Ruth's Chris Steak House
📍 Pasadena, CA 91101
* American, Steakhouse, Vegetarian Friendly*
💰 ₹₹₹₹
2. Settebello
📍 Pasadena, CA 91101-2005
* Italian, Pizza, Vegetarian Friendly*
💰 $$ - $$$
P a g e 18 | 19
Summer Internship-2 Subject Code: 4351605
3. Nick's on South Lake Avenue
📍 Pasadena, CA 91101-3508
* American, Vegetarian Friendly, Gluten Free Options*
💰 $$ - $$$
4. Green Street Restaurant
📍 Pasadena, CA 91101-2618
* American, Vegetarian Friendly, Gluten Free Options*
💰 $$ - $$$
5. El Portal Restaurant
📍 Pasadena, CA 91101-2149
* Mexican, Latin, Vegetarian Friendly*
💰 $$ - $$$
P a g e 19 | 19