0% found this document useful (0 votes)
237 views37 pages

SkillDzire Python Program Book

The document outlines a semester internship program focused on natural language processing (NLP) and machine learning (ML), providing hands-on experience through various projects such as cyberbullying detection and financial sentiment analysis. It includes details about the internship structure, learning outcomes, and the organization facilitating the program, SkillDzire, which aims to bridge the skills gap in the industry. The program emphasizes practical skills in AI solution implementation, model evaluation, and real-world applications across multiple domains.

Uploaded by

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

SkillDzire Python Program Book

The document outlines a semester internship program focused on natural language processing (NLP) and machine learning (ML), providing hands-on experience through various projects such as cyberbullying detection and financial sentiment analysis. It includes details about the internship structure, learning outcomes, and the organization facilitating the program, SkillDzire, which aims to bridge the skills gap in the industry. The program emphasizes practical skills in AI solution implementation, model evaluation, and real-world applications across multiple domains.

Uploaded by

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

PROGRAM BOOK FOR

SEMESTER INTERNSHIP
An Internship Report on

(Title of the Semester Internship Program) Submitted

in accordance with the requirement for the degree of

Under the Faculty Guideship of

(Name of the Faculty Guide)

Department of

(Name of the College)

Submitted by:

(Name of the Student)

Reg.No:
Department of

(Name of the College)

Page No
Student’s Declaration
I, a student of
Program, Reg. No. Of the Department of
College do hereby declare that I have completed the mandatory internship from
to in (Name of
the intern organization) under the Faculty Guideship of
(Name of the Faculty Guide), Department of
,
(Name of the College)

(Signature and Date)

Page No
Official Certification
This is to certify that (Name of
the student) Reg. No. has completed his/her Internship in
(Name of the Intern Organization) on
(Title of the Internship) under my
supervision as a part of partial fulfillment of the requirement for the
Degree of in the Department of
(Name of the College).

This is accepted for evaluation.

(Signatory with Date and Seal)

Endorsements

Faculty Guide

Head of the Department

Principal

Page No
Certificate from Intern Organization

This is to certify that _ (Name of the intern)


Reg. No of _ (Name of the
College) underwent internship in (Name of the
Intern Organization) from to

The overall performance of the intern during his/her internship is found to be


_ (Satisfactory/Not Satisfactory).

Authorized Signatory with Date and Seal

Page No
Acknowledgements

Page No
Contents

S.No Name of the Topic/Chapter Page No.


From- To

1 Introduction to Linear Regression, Data Collection, Feature


Selection, and Visualization for House Price Prediction

2 Building, Training, and Evaluating Linear Regression Models


with Limitations and Improvements

3 Basics of Image Classification, CNN Architecture, Layers, Data


Augmentation, and Model Building

4 Training, Testing CNN Models, Evaluation Metrics, and Transfer


Learning with Pretrained Models

5 Recommendation Systems Overview, Text Preprocessing, NLP


Techniques, and Similarity-Based Recommenders

6 Healthcare Data Exploration, Feature Importance, Building and


Comparing Classifiers for Prediction

Page No
CHAPTER 1: EXECUTIVE SUMMARY

This comprehensive six-week program offers an in-depth exploration of natural language


processing (NLP), machine learning (ML), and multimodal AI applications across diverse real-
world projects. The initial phase introduces foundational NLP concepts such as tokenization, stop
words removal, stemming, and lemmatization alongside a primer on ML algorithms distinguishing
supervised from unsupervised learning, and classification versus regression techniques. Interns
apply these basics to cyberbullying detection, focusing on dataset collection, cleaning, text
preprocessing, and feature extraction using methods like TF-IDF, Bag-of-Words, and word
embeddings, culminating in model building and behavioral analysis through sentiment and emotion
detection.

Subsequent weeks delve into financial sentiment analysis, employing advanced NLP models such
as LSTM, GRU, and BERT to classify sentiments accurately from noisy financial texts. The spam
email classification module emphasizes real-time filtering capabilities through rigorous dataset
preprocessing, feature engineering, and robust model evaluation.

The curriculum expands into multimodal learning with Visual Question Answering (VQA),
integrating image feature extraction using pretrained models and text encoding for generating
contextually relevant responses. This highlights the synergy between computer vision and NLP
techniques.

The final weeks focus on loan approval prediction, encompassing thorough data exploration,
preprocessing, model construction, hyperparameter tuning, and performance evaluation. The course
concludes with a detailed overview of model deployment, testing, and debugging, ensuring interns
gain practical skills for end-to-end AI solution implementation.

Overall, this program equips learners with critical expertise in NLP, ML, and multimodal AI,
preparing them to tackle complex problems in cyber security, finance, email filtering, computer
vision, and predictive analytics with a hands-on, project-based approach.

Page No
CHAPTER 2: OVERVIEW OF THE INTERN ORGANIZATION

SkillDzire Organisation is India’s Leading Real-Time Learning platform that aims to


provide job-oriented courses, projects, internships, placement Programs, Faculty
Development Programs, and Workshops to aspiring People. With a vision to bridge the skills
gap in the industry, SkillDzire offers a diverse range of six job-oriented courses designed to
equip individuals with the necessary skills and knowledge demanded by the current job
market.
SkillDzire's courses and internships are carefully curated and structured by 20 Plus industry
experts and experienced professionals. The organization Started with 6 employees, but now
Around 40 plus Enthusiastic People are Working. The Organisation adopts a learner-centric
approach, ensuring that the courses are engaging, interactive, and aligned with the latest
industry trends and practices. The platform provides a user-friendly and accessible learning
environment, utilizing modern technologies and tools to facilitate effective learning outcomes.
Learners have access to comprehensive course materials, practical exercises, quizzes, and
assessments, enabling them to track their progress and reinforce their understanding of the
subject matter.
By combining job-oriented courses with hands-on internships, SkillDzire aims to empower
individuals with the skills, knowledge, and practical exposure required to excel in their chosen
professions. Whether one is a fresh graduate seeking to kick-start their career or a working
professional looking to upskill, SkillDzire offers a comprehensive platform to unlock their full
potential and thrive in today's competitive job market.

Page No
CHAPTER 3: I N T E RN S H I P P ART

During this internship, participants will gain hands-on experience in applying natural language
processing (NLP) and machine learning (ML) techniques to solve practical problems across
multiple domains. Interns begin by understanding the fundamentals of NLP, including tokenization,
stop word removal, stemming, and lemmatization, as well as the differences between supervised
and unsupervised ML algorithms. They will then engage in a project focused on cyberbullying
detection, which involves dataset collection, cleaning, feature extraction, and model development.
This provides valuable exposure to text preprocessing and classification models, as well as
behavioral analysis through sentiment and emotion detection.

As the internship progresses, interns will explore financial sentiment analysis by working with real-
world financial data, implementing advanced models like LSTM, GRU, and BERT. This
strengthens their skills in handling sequential data and understanding complex language patterns.
Additionally, participants will build and evaluate spam email classifiers, learning about feature
engineering and real-time filtering systems.

The program also introduces multimodal AI with a Visual Question Answering (VQA) project,
where interns combine image and text data to develop contextual response systems. This broadens
their expertise by integrating computer vision and NLP techniques.

Finally, interns will work on loan approval prediction using classification algorithms,
hyperparameter tuning, and model evaluation. They will gain experience in deploying models,
testing, and debugging, which are crucial skills for real-world AI solution delivery.

Overall, this internship offers a comprehensive, project-based learning experience, equipping


participants with the technical proficiency and problem-solving abilities necessary for careers in AI,
data science, and machine learning.

Page No
CHAPTER 4: WEEKLY REPORT

ACTIVITY LOG FOR THE FIRST WEEK

Signature
Brief description of
Day of Person
the daily activity Learning Outcome In-Charge

Day-1 Introduction to NLP concepts: Understand core NLP preprocessing


tokenization, stop words, techniques for text data
stemming, lemmatization

Day-2 Overview of ML algorithms: Differentiate between ML types and


supervised vs unsupervised, choose suitable algorithms
classification vs regression

Day-3 Understanding cyberbullying Comprehend project scope and


detection problem and dataset gather relevant data effectively
collection

Day-4 Data cleaning and preprocessing Apply cleaning techniques to


of cyberbullying text dataset prepare text data for modeling

Day-5 Feature extraction methods: TF- Learn to transform raw text into
IDF, Bag-of-Words, Word numerical features for ML models
Embeddings

Page No
Weekly REPORT
Week – 1 ( From Dt………..….. to Dt ........................)

Objective of the Activity Done:


Introduction to NLP Basics, ML Algorithms, and Cyberbullying Detection Dataset
Preparation and Preprocessing
Detailed Report:
The week began with an in-depth introduction to Natural Language Processing (NLP) fundamentals,
including tokenization, stop words removal, stemming, and lemmatization. These core preprocessing
techniques provided a solid foundation for handling and preparing textual data for further analysis.
Understanding these concepts enabled interns to grasp how raw text can be systematically cleaned and
normalized, which is critical for effective machine learning model building.

The next phase involved a comprehensive overview of machine learning algorithms, emphasizing the
differences between supervised and unsupervised learning as well as classification versus regression
tasks. This session helped interns recognize the appropriate algorithms to apply based on the problem
context and data characteristics.

Midweek focused on defining the cyberbullying detection project’s scope and gathering a relevant
dataset. Interns developed an understanding of the domain-specific challenges and the importance of
collecting high-quality data. Following this, data cleaning and preprocessing tasks were undertaken to
prepare the raw cyberbullying text for modeling. Techniques such as noise removal, handling missing
values, and normalization were applied to ensure data integrity and usability.

The week culminated with feature extraction methods including TF-IDF, Bag-of-Words, and word
embeddings. Interns learned to transform textual information into numerical vectors that machine
learning models can interpret. This skill is vital for converting unstructured text into structured data
for classification tasks.

Overall, the week equipped interns with foundational NLP skills and machine learning knowledge
crucial for text-based predictive modeling projects, laying a robust groundwork for subsequent model
building and evaluation activities.

Page No
ACTIVITY LOG FOR THE SECOND WEEK

Day Brief description of Signature


the daily activity of Person
Learning Outcome
In-Charge

Day 1 Study Feature Extraction Understand different methods to convert


Techniques: TF-IDF, Bag-of- text data into numerical features suitable
Words, and Word for ML models
Embeddings

Day 2 Implement Feature Gain practical skills in applying feature


Extraction on Cyberbullying extraction techniques to real-world
Dataset textual data

Day 3 Build and Train Machine Learn to select appropriate algorithms


Learning Models for and train models using extracted
Cyberbullying Detection features

Day 4 Perform Behavioural Analyze text to identify underlying


Analysis using Sentiment and sentiments and emotions, enriching
Emotion Detection detection capabilities

Day 5 Evaluate Model Performance Understand evaluation metrics, identify


and Discuss Improvements model strengths and weaknesses, and
plan for enhancements

Page No
WEEKLY REPORT
Week – 2 (From Dt………..….. to Dt........................)

Objective of the Activity Done:


Feature Extraction Techniques, Model Building, and Behavioural Analysis for
Cyberbullying Detection
Detailed Report:
During this week, the focus was on feature extraction techniques, model building, and
behavioral analysis for cyberbullying detection. The first day introduced key feature extraction
methods such as TF-IDF, Bag-of-Words, and word embeddings, providing a theoretical
understanding of how textual data is transformed into numerical formats suitable for machine
learning algorithms. This foundational knowledge was essential for working with natural
language data effectively.

On the second day, practical implementation of these techniques was undertaken using the
cyberbullying dataset. This hands-on experience allowed learners to apply the theoretical
concepts and prepare the data for model training, emphasizing the importance of data
representation in improving model accuracy.

The third day centered around building and training machine learning models using the
extracted features. Participants experimented with various algorithms to detect cyberbullying
content, gaining insight into the model selection process and training workflows, including
handling imbalanced data or overfitting issues.

Behavioral analysis using sentiment and emotion detection was explored on the fourth day. This
advanced step enriched the cyberbullying detection models by integrating emotional context,
allowing the system to better interpret the nuances in harmful messages and understand user
behavior patterns.

Finally, the fifth day involved evaluating the models using relevant metrics, identifying areas
of improvement, and discussing strategies to enhance model performance. This comprehensive
week provided a deep dive into both technical and analytical aspects of cyberbullying detection,
equipping learners with critical skills in feature engineering, model development, and
behavioral insights necessary for real-world applications in text analytics and safety systems.

Page No
ACTIVITY LOG FOR THE THIRD WEEK

Day Brief description of Signature


the daily activity of Person
Learning Outcome
In-Charge

Day-1 Introduction to financial Understand the scope and importance of


sentiment analysis and sentiment analysis in finance; familiarize
dataset overview with the dataset

Day-2 Data cleaning and Learn techniques for cleaning financial


preprocessing for financial data and preparing it for modeling
texts

Day-3 Sentiment labeling: Understand labeling methods and their


assigning positive, negative, impact on supervised learning
neutral tags

Day-4 Building and training Gain hands-on experience with recurrent


advanced NLP models: neural networks for text classification
LSTM and GRU

Day-5 Implementing and fine- Learn transformer-based model


tuning BERT model; implementation, fine-tuning, and model
evaluation and comparison performance assessment

Page No
WEEKLY REPORT
Week – 3 (From Dt………..….. to Dt........................)

Objective of the Activity Done:


Financial Sentiment Analysis: Data Cleaning, Sentiment Labeling, and Advanced
NLP Models (LSTM/GRU/BERT)
Detailed Report:
The week focused on financial sentiment analysis, a critical area in understanding market
trends and investor behavior through textual data. The initial day introduced the fundamentals
of financial sentiment analysis along with an overview of the dataset, which provided a clear
understanding of the domain and data structure. On the second day, significant attention was
given to data cleaning and preprocessing, essential steps for preparing raw financial texts for
effective model training. Techniques such as removing noise, handling missing data, and
normalization were covered to ensure data quality.

The third day concentrated on sentiment labeling, where data points were tagged as positive,
negative, or neutral. This labeling is crucial for supervised learning models to correctly
interpret the sentiment in financial contexts. The participants learned different approaches to
assign sentiment tags accurately, understanding how it influences model outcomes.

On days four and five, the focus shifted to model building and evaluation. Participants gained
practical experience building recurrent neural network models such as LSTM and GRU,
which are well-suited for sequential text data. These models help capture context and
dependencies in sentences effectively. The final day was dedicated to implementing and fine-
tuning a transformer-based BERT model, which has revolutionized NLP with its contextual
understanding capabilities. Participants compared model performances using various metrics
to evaluate accuracy and robustness.

Overall, this week provided a comprehensive journey from raw financial text data to advanced
sentiment classification models, equipping learners with skills to handle real-world financial
sentiment analysis challenges confidently.

Page No
ACTIVITY LOG FOR THE FOURTH WEEK

Day Brief description of the Signature


daily activity of Person
Learning Outcome
In-Charge

Day 1 Introduction to Spam Email Learners understood the nature of


Dataset, Understanding Data spam emails and dataset scope
Characteristics

Day 2 Data Preprocessing and Cleaning Skills in cleaning text data and
for Spam Detection preparing it for modeling

Day 3 Feature Extraction Techniques: Ability to convert text into


TF-IDF, Bag-of-Words meaningful numerical features

Day 4 Model Building and Training Competence in training classifiers


Using Machine Learning for spam detection
Algorithms

Day 5 Model Evaluation and Real-Time Understanding of model metrics and


Spam Filtering Implementation deploying models for filtering

Page No
WEEKLY REPORT
Week – 4 (From Dt………..….. to Dt........................)

Objective of the Activity Done:


Spam Email Dataset Analysis, Feature Extraction, Model Training, Evaluation, and
Real-Time Filtering
Detailed Report:
The week focused on developing a comprehensive understanding of spam email detection
through dataset analysis, preprocessing, feature extraction, model training, and evaluation.
The first day introduced learners to the spam email dataset, highlighting its characteristics and
challenges inherent in spam detection. This foundational knowledge set the stage for
subsequent technical tasks. On the second day, learners engaged in rigorous data
preprocessing, cleaning the raw email text to remove noise and irrelevant elements, which is
crucial for enhancing model accuracy.

Day three emphasized feature extraction techniques such as TF-IDF and Bag-of-Words,
enabling learners to transform textual data into meaningful numerical features that machine
learning models can interpret. These techniques are essential for capturing the semantic
relevance and frequency patterns in emails that distinguish spam from legitimate messages.
The fourth day involved building and training classification models using machine learning
algorithms. Learners applied their knowledge to develop models capable of effectively
distinguishing spam emails based on the extracted features.

Finally, on day five, learners focused on evaluating model performance using metrics like
accuracy, precision, recall, and F1-score. Additionally, they explored real-time spam filtering
implementation, understanding how trained models can be deployed to classify incoming
emails dynamically. Overall, this week equipped learners with end-to-end skills in spam email
detection, combining theoretical concepts with practical applications, and prepared them for
real-world scenarios in email security and filtering systems.

Page No
ACTIVITY LOG FOR THE FIFTH WEEK

Day Brief description of Signature


the daily activity of Person
Learning Outcome
In-Charge

Day-1 Introduction to VQA: Understand VQA problem, dataset types,


Exploring datasets and and use cases
understanding task
objectives

Day-2 Image feature extraction Learn to extract meaningful visual


using pretrained models features from images
(CNNs, ResNet, etc.)

Day-3 Text preprocessing and Gain skills in preparing text data and
question encoding using encoding questions
NLP techniques

Day-4 Combining image and text Understand multimodal data fusion for
features to build contextual accurate answer generation
response models

Day-5 Model evaluation, testing, Learn evaluation metrics and techniques


and fine-tuning for to optimize model results
improved VQA performance

Page No
WEEKLY REPORT
Week – 5 ( From Dt………..….. to Dt ........................)

Objective of the Activity Done:


Visual Question Answering (VQA): Dataset Exploration, Image & Text Feature
Extraction, and Contextual Response Generation
Detailed Report:
The Visual Question Answering (VQA) module begins with an in-depth exploration of VQA
datasets and the understanding of task objectives. Participants familiarize themselves with the
structure and nuances of VQA problems, gaining insights into various dataset types and their
real-world applications. This foundational knowledge sets the stage for the technical aspects
of the course.

Next, emphasis is placed on image feature extraction using pretrained models such as CNNs
and ResNet architectures. Learners develop the ability to extract meaningful visual features,
which are critical for interpreting the visual content in VQA tasks. This process enhances
understanding of how deep learning models process image data for complex applications.

Concurrently, participants engage in text preprocessing and question encoding using advanced
NLP techniques. They learn essential skills such as tokenization, embedding, and sequence
encoding that prepare the textual component of VQA inputs. This ensures that questions posed
in natural language are effectively translated into machine-readable formats.

The core challenge of VQA—combining visual and textual information—is addressed through
lessons on multimodal data fusion. Participants build models that integrate image features
with encoded questions to generate accurate and context-aware answers, a key competency in
AI-driven interactive systems.

Finally, the week concludes with model evaluation, testing, and fine-tuning. Learners explore
various evaluation metrics and optimization strategies to improve model performance. This
comprehensive approach equips them with practical skills to develop, assess, and enhance
VQA systems, preparing them for real-world AI challenges involving combined visual and
textual data.

Page No
ACTIVITY LOG FOR THE SIXTH WEEK

Day Brief description of the Signature


daily activity of Person
Learning Outcome
In-Charge
Day 1 Loan Dataset Exploration and Ability to explore and preprocess loan
Preprocessing: Understanding datasets for accurate modeling.
features, missing values, and
data cleaning techniques.

Day 2 Building Baseline Models: Skills in building and comparing


Implement Logistic multiple classification models.
Regression, Decision Trees,
and Random Forest for loan
approval prediction.

Day 3 Hyperparameter Tuning: Understanding model optimization


Applying grid search and techniques for improved accuracy.
random search to optimize
model performance.

Day 4 Model Evaluation and Capability to evaluate classification


Validation: Using metrics like models using multiple metrics.
accuracy, precision, recall, F1-
score, and confusion matrix.

Day 5 Deployment, Testing, and Preparedness to deploy models, test


Debugging: Overview of real-time data, and troubleshoot errors
deployment strategies, testing effectively.
models on new data, and
debugging common issues.

Page No
WEEKLY REPORT
Week – 6 ( From Dt………..….. to Dt ........................)

Objective of the Activity Done:


Loan Approval Prediction: Data Exploration, Model Building, Hyperparameter
Tuning, Evaluation, Deployment, Testing, and Debugging
Detailed Report:
The loan approval prediction module focused on end-to-end development, beginning with a
comprehensive exploration and preprocessing of the loan dataset. On Day 1, the emphasis was
on understanding the dataset’s structure, handling missing values, and applying necessary
cleaning techniques to prepare the data for modeling. This foundational step ensured that the
subsequent models would be trained on high-quality, reliable data.

Day 2 involved building baseline classification models including Logistic Regression, Decision
Trees, and Random Forest. These models helped establish a performance benchmark and
offered insights into how different algorithms interpret the data. Learners developed skills in
implementing diverse algorithms suited for binary classification problems.

On Day 3, attention shifted to hyperparameter tuning using methods like grid search and random
search. This phase optimized model parameters to enhance prediction accuracy and
generalization ability. Participants gained hands-on experience in fine-tuning models for real-
world applicability.

Day 4 covered model evaluation and validation, utilizing metrics such as accuracy, precision,
recall, F1-score, and confusion matrices. This enabled learners to critically assess the strengths
and limitations of each model, fostering an understanding of which metrics best align with
business goals.

Finally, Day 5 concentrated on model deployment, testing, and debugging. Participants learned
deployment strategies and practiced testing models with unseen data to ensure robustness.
Debugging common issues further enhanced problem-solving skills, preparing them for
production-level machine learning workflows.

Overall, this comprehensive five-day program equipped learners with practical knowledge and
skills required to build, optimize, evaluate, and deploy effective loan approval prediction
models.

Page No
CHAPTER 5: OUTCOMES DESCRIPTION

I. Describe the work environment you have experienced:


(in terms of people interactions, facilities available and maintenance, clarity of job roles,
protocols, procedures, processes, discipline, time management, harmonious relationships,
socialization, mutual support and teamwork, motivation, space and ventilation, etc.)

Page No
II. Describe the real time technical skills you have acquired:
(in terms of the job-related skills and hands on experience)

Page No
III. Describe the managerial skills you have acquired:
(in terms of planning, leadership, team work, behaviour, workmanship, productive use of time,
weekly improvement in competencies, goal setting, decision making, performance analysis, etc.)

Page No
IV. Describe how you could improve your communication skills:
(in terms of improvement in oral communication, written communication, conversational
abilities, confidence levels while communicating, anxiety management, understanding others,
getting understood by others, extempore speech, ability to articulate the key points, closing the
conversation, maintaining niceties and protocols, greeting, thanking and appreciating others,
etc.,)

Page No
V. Describe how you could enhance your abilities in group discussions, participationin
teams, contribution as a team member, leading a team/activity:

Page No
VI. Describe the technological developments you have observed and relevant to
thesubject area of training:
(focus on digital technologies relevant to your job role)

Page No
Student Self Evaluation of the Short-Term Internship

Student Name: Registration No:

Term of Internship: From: To :

Date of Evaluation:

Organization Name & Address:

Please rate your performance in the following areas:

Rating Scale: Letter grade of CGPA calculation to be provided

1 Oral communication 1 2 3 4 5
2 Written communication 1 2 3 4 5
3 Proactiveness 1 2 3 4 5
4 Interaction ability with community 1 2 3 4 5
5 Positive Attitude 1 2 3 4 5
6 Self-confidence 1 2 3 4 5
7 Ability to learn 1 2 3 4 5
8 Work Plan and organization 1 2 3 4 5
9 Professionalism 1 2 3 4 5
10 Creativity 1 2 3 4 5
11 Quality of work done 1 2 3 4 5
12 Time Management 1 2 3 4 5
13 Understanding the Community 1 2 3 4 5
14 Achievement of Desired Outcomes 1 2 3 4 5
15 OVERALL PERFORMANCE 1 2 3 4 5

Date: Signature of the Student

Page No
Evaluation by the Supervisor of the Intern Organization

Student Name: Registration No:

Term of Internship: From: To :

Date of Evaluation:

Organization Name & Address:

Name & Address of the Supervisor


with Mobile Number

Please rate the student’s performance in the following areas:

Please note that your evaluation shall be done independent of the Student’s self-
evaluation

Rating Scale: 1 is lowest and 5 is highest rank

1 Oral communication 1 2 3 4 5
2 Written communication 1 2 3 4 5
3 Proactiveness 1 2 3 4 5
4 Interaction ability with community 1 2 3 4 5
5 Positive Attitude 1 2 3 4 5
6 Self-confidence 1 2 3 4 5
7 Ability to learn 1 2 3 4 5
8 Work Plan and organization 1 2 3 4 5
9 Professionalism 1 2 3 4 5
10 Creativity 1 2 3 4 5
11 Quality of work done 1 2 3 4 5
12 Time Management 1 2 3 4 5
13 Understanding the Community 1 2 3 4 5
14 Achievement of Desired Outcomes 1 2 3 4 5
15 OVERALL PERFORMANCE 1 2 3 4 5

Date: Signature of the Supervisor

Page No
PHOTOS & VIDEO LINKS

Page No
EVALUATION

Page No
Internal & External Evaluation for Semester Internship

Objectives:
• Explore career alternatives prior to graduation.
• To assess interests and abilities in the field of study.
• To develop communication, interpersonal and other critical skills in the
future job.
• To acquire additional skills required for the world of work.
• To acquire employment contacts leading directly to a full-time job following
graduation from college.

Assessment Model:
• There shall be both internal evaluation and external evaluation
• The Faculty Guide assigned is in-charge of the learning activities of the
students and for the comprehensive and continuous assessment of the
students.
• The assessment is to be conducted for 200 marks. Internal Evaluation for 50
marks and External Evaluation for 150 marks
• The number of credits assigned is 12. Later the marks shall be converted into
grades and grade points to include finally in the SGPA and CGPA.
• The weightings for Internal Evaluation shall be:
o Activity Log 10 marks
o Internship Evaluation 30 marks
o Oral Presentation 10 marks
• The weightings for External Evaluation shall be:
o Internship Evaluation 100 marks
o Viva-Voce 50 marks
• The External Evaluation shall be conducted by an Evaluation Committee
comprising of the Principal, Faculty Guide, Internal Expert and External
Expert nominated by the affiliating University. The Evaluation Committee
shall also consider the grading given by the Supervisor of the Intern
Organization.
• Activity Log is the record of the day-to-day activities. The Activity Log is
assessed on an individual basis, thus allowing for individual members within
groups to be assessed this way. The assessment will take into consideration

Page No
the individual student’s involvement in the assigned work.
• While evaluating the student’s Activity Log, the following shall be
considered -
a. The individual student’s effort and commitment.
b. The originality and quality of the work produced by the individual
student.
c. The student’s integration and co-operation with the work assigned.
d. The completeness of the Activity Log.
• The Internship Evaluation shall include the following components and based
on Weekly Reports and Outcomes Description
a. Description of the Work Environment.
b. Real Time Technical Skills acquired.
c. Managerial Skills acquired.
d. Improvement of Communication Skills.
e. Team Dynamics
f. Technological Developments recorded.

Page No
MARKS STATEMENT
(To be used by the Examiners)

Page No
INTERNAL ASSESSMENT STATEMENT

Name Of the Student:


Programme of Study:
Year of Study:
Group:
Register No/H.T. No:
Name of the College:
University:

Sl.No Evaluation Criterion Maximum Marks


Marks Awarded
1. Activity Log 10
2. Internship Evaluation 30
3. Oral Presentation 10
GRAND TOTAL 50

Date: Signature of the Faculty Guide

Page No
EXTERNAL ASSESSMENT STATEMENT

Name of the Student :


Programme of Study :
Year of Study :
Group :
Register No/H.T. No :
Name of the College :
University :

Maximum Marks
Sl.No Evaluation Criterion
Marks Awarded
1. Internship Evaluation 80
For the grading giving by the Supervisor of
2. 20
the Intern Organization
3. Viva-Voce 50
TOTAL 150
GRAND TOTAL (EXT. 50 M + INT. 100M) 200

Signature of the Faculty Guide

Signature of the Internal Expert

Signature of the External Expert

Signature of the Principal with Seal

You might also like