0% found this document useful (0 votes)
25 views25 pages

Dhana Doc 1

Uploaded by

dhanavanathk
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)
25 views25 pages

Dhana Doc 1

Uploaded by

dhanavanathk
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/ 25

SUMMER INTERNSHIP REPORT ON

MACHINE LEARNING INTERNSHIP


in partial fulfillment for the award of the degree
of
BACHELOR OF TECHNOLOGY
in
COMPUTER SCIENCE AND ENGINEERING

Submitted by
KANDULA DHANAVANTH
Roll No:216N1A0527
Department of COMPUTER SCIENCE AND ENGINEERING
SRINIVASA INSTITUTE OF ENGINEERING AND TECHNOLOGY
(UGC-Autonomous)
(Approved by AICTE, New Delhi & Permanently Affilliated to JNTUK, Kakinada)
(An ISO 9001:2015 Certified Institute, Accredited by NAAC with ‘A’ Grade) NH-216,
Amalapuram-Kakinada Highway, Cheyyeru (V), Amalapuram.

(2024-2025)

1
SRINIVASA INSTITUTE OF ENGINEERING AND TECHNOLOGY
(UGC-Autonomous)
(Approved by AICTE, New Delhi & Permanently Affilliated to JNTUK, Kakinada)
(An ISO 9001:2015 Certified Institute, Accredited by NAAC with ‘A’ Grade) NH-216,
Amalapuram-Kakinada Highway, Cheyyeru (V), Amalapuram.

DEPARTMENT OF COMPUTER SCIENCE AND ENGINEERING

CERTIFICATE

This is to certify that KANDULA DHANAVANTH Reg. No. 216N1A0527 has completed his/her
Internship in AICTE on Machine Learning as a part of partial fulfilment of the requirement for the
Degree of Bachelor of Technology in the Department of Computer Science and Engineering for the
academic year 2024-2025.

Mentor Head of the Department

Principal

2
s.no Page no
contents
1 certificate 4

2 Acknowledgement 5

3 Abstract 6

4 Internship activities 7

5 Week -1 8 -9

6 Week -2 10 -11

7 Week-3 12 -13

8 Week -4 14 -15

9 Week -5 16-17

10 Week -6 18-19

11 Week -7 20-21

12 Week -8 22-23

13 Results and Discussions 24

14 Conclusion 25

3
INTERNSHIP CERTIFICATE :

4
ACKNOWLEDGEMENT

I sincerely appreciate AICTE and SkillDzire for the comprehensive curriculum in


Machine Learning Virtual Internship. It provided invaluable insights into Machine
learning technologies and significantly enhanced my technical capabilities for future
challenges.

Our sincere gratitude goes to P.Chaitanya, our Internship Coordinator, whose constant
support, valuable feedback, and motivating presence steered us through the challenges
we encountered during the project. His leadership played a critical role in the successful
completion of our internship.

I would also like to express my sincere gratitude to my mentor, Dr.K.Vijay Kumar for
their invaluable guidance, mentorship, and support throughout the internship. Their
expertise and encouragement were instrumental in my learning and growth during this
experience. I am truly grateful for their dedication and commitment to my success.

I am deeply indebted to Mrs.V.Sai Priya, Head of the Department, for her guidance and
for ensuring we had access to the necessary resources and support throughout the
internship. Her encouragement has been a driving force in our progress.

My sincere thanks to our beloved principal Dr.M.Sreenivasa Kumar and management


of Srinivasa Institute of Engineering and Technology (Autonomous) for providing us
with the opportunity to embark on this journey, as well as for the continuous support
extended during this period.

Finally, I would like to express my appreciation to our faculty, lab technicians,


nonteaching staff, and friends, who have played an essential role in helping us complete
the internship. Their timely support, both direct and indirect, contributed greatly to our
success.

KANDULA DHANAVANTH
(216N1A0527)

5
ABSTRACT

learning using python Virtual Internship is a comprehensive program designed to equip participants with
essential skills in Machine Learning and Python. This internship spans several weeks, offering a Machine
blend of theoretical knowledge and practical experience through hands-on projects and collaborative
learning.
Machine learning has revolutionized the way we approach data-driven problems, enabling computers to learn
from data and make predictions or decisions without explicit programming. Python, with its rich ecosystem
of libraries and tools, has become the de facto language for implementing machine learning algorithms.
Whether you’re new to the field or looking to expand your skills, understanding the fundamentals of machine
learning and how to apply them using Python is essential.
Throughout the program, interns engage in real-world projects, applying their skills to solve complex
problems and gain insights into the ML lifecycle. Mentorship and feedback sessions enhance the learning
experience, culminating in a final presentation of project findings.
In partnership with EduSkills, Machine learning has initiated a large scale skilling program aimed attaining
over 2,000 educators and 5,000 students across India. This virtual internship, endorsed by AICTE, offers
students a unique opportunity to gain practical, outcome-driven skills in Machine learning, enhancing their
career prospects in today’s tech driven world. Through the internship, participants gain the knowledge and
tools to confidently design, deploy, and manage solutions on the machine learning platform.

6
INTERNSHIP ACTIVITIES
List of Table:

Weeks Topics Covered

Week-1 Introduction to python, variables, Data types,


Conditional statements, Loops in python

Week-2
Class, Objects and constructors, Inheritance,
Introduction to NumPy

Week-3 Introduction to Machine learning, Types of


machine learning

Week-4 Linear and Logistic Regression, Decision Tree,


Data analysis with excel

Week-5 Applications of Machine Learning, Confusion


matrix

Week-6 K-nearest neighbors algorithm, Jupyter Notebook


Intro

Week-7 Chronic kidney disease analysis, Housing Price


Prediction using Linear Regression

Week-8 Correlation, Computer vision

7
WEEK-1
INTRODUCTION TO PYTHON
Python is a widely used high-level, general-purpose, interpreted, dynamic programming
language. Its design philosophy emphasizes code readability, and its syntax allows
programmers to express concepts in fewer lines of code than would be possible in languages
such as C++ or Java. The language provides constructs intended to enable clear programs on
both a small and large scale.
Python supports multiple programming paradigms, including objectoriented,
imperative and functional programming or procedural styles. It features a dynamic type system
and automatic memory management and has a large and comprehensive standard library.
Python interpreters are available for installation on many operating systems, allowing Python
code execution on a wide variety of systems.

VARIABLES
Variables are nothing but reserved memory locations to store values. This means that when
you create a variable you reserve some space in memory.
Based on the data type of a variable, the interpreter allocates memory and decides what can be
stored in the reserved memory. Therefore, by assigning different data types to variables, you
can store integers, decimals or characters in these variables.

EX:

counter = 100 # An integer

assignment miles = 1000.0 # A floating

point name = "John" # A string

DATA TYPES

8
CONDITIONAL STATEMENTS

Statement Description

if statements An if statement consists of a boolean expression followed by


one or more statements

if...else statements An if statement can be followed by an optional else statement,


which executes when the boolean expression is FALSE.
nested if statements You can use one if or else if statement inside another if or else
if statement(s).

LOOPS IN PYTHON
Programming languages provide various control structures that allow for more
complicated execution paths.
Loop type Description

while loop Repeats a statement or group of statements while a given


condition is TRUE. It tests the condition before executing the
loop body.
for loop Executes a sequence of statements multiple times and
abbreviates the code that manages the loop variable.

nested loops You can use one or more loop inside any another while, for or
do..while loop.

9
WEEK-2
CLASS, OBJECTS AND CONSTRUCTORS
PYTHON CLASS
A class is a blueprint for the objects. Like function definitions begin with the def keyword in
python, class definitions with a class keyword.

Class class_name:

Pass

Some points on python class:

• Classes are created by keyword class.


• Attributes are the variables that belong to a class.
• Attributes are always public and can be accessed using the dot (.) operator.
PYTHON OBJECT

The class object cloud be used to access different attributes.


It can be used to create new object instances (instantiation) of that class. The procedure
to create an object is similar to a function call.

Syntax: obj_1=class_name()

PYTHON CONSTRUCTORS
Like methods, a constructor also contains a collection of statements that are executed at the
time of object creation. It runs as soon as an object of a class is instantiated. The method is
useful to do any initialization you want to do with your object.
Constructors are generally used for instantiating an object. The task of constructors is to
initialize to the data members of the class when an object is created. In python the_ _ init_ _()
method is called the constructor and is always called when an object is created.

Syntax: def_ _init_ _(self):

#body of the constructor

INHERITANCE IN PYTHON
Inheritance is the capability of one class to derive or inherit the properties from another
class.

Benefits of inheritance are:

• It represents real-world relationships well.


• It provides the reusability of a code. We don’t have to write the same code again and
again. Also, it allows us to add more features to a class without modifying it.

10
TYPES OF INHERITANCE

Single inheritance:
Single inheritance enables a derived class to inherit properties from a single parent class,
thus enabling code reusability and the addition of new features to existing code.

Multiple inheritance:
When a class can be derived from more than one base class this type of inheritance is
called multiple inheritances. In multiple inheritances, all the features of the base classes are
inherited into the derived class.

Hierarchical inheritance:
When more than one derived class are created from a single base this type of
inheritance is called hierarchical inheritance. In this program, we have a parent class and two
child classes.

INTRODUCTION TO NUMPY
NumPy (Numerical python) is an open-source python library that’s used in almost every field
of science and engineering. It’s the universal standard for working with numerical data in
python, and it’s at the core of the scientific python and pyData ecosystems. NumPy users
include everyone from beginning coders to experienced researchers doing state-of-the-art
scientific and industrial research and development. The NumPy API is used extensively in
pandas, sciPy, Matplotib, scikit learn, scikit-image and most other data science and scientific
python packages.

11
WEEK-3
INTRODUCTION TO MACHINE LEARNING
INTRODUCTION
Machine Learning is the science of getting computers to learn without being explicitly
programmed. It is closely related to computational statistics, which focuses on making
prediction using computer. In its application across business problems, machine learning is also
referred as predictive analysis. Machine Learning is closely related to computational statistics.
Machine Learning focuses on the development of computer programs that can access data and
use it to learn themselves. The process of learning begins with observations or data, such as
examples, direct experience, or instruction, in order to look for patterns in data and make better
decisions in the future based on the examples that we provide. The primary aim is to allow the
computers learn automatically without human intervention or assistance and adjust actions
accordingly.

WHY PYTHON FOR MACHINE LEARNING


Simplicity: python code is concise and readable even to new developers, which is beneficial
to machine and deep learning projects. Due to its simple syntax, the development of
applications with python is fast when compared to many programming languages.
The python language comes with many librares and frameworks that make coding
easy. This also saves significant amount of time.

12
TYPES OF MACHINE LEARNING
The types of machine learning algorithms differ in their approach, the type of data they
input and output, and the type of task or problem that they are intended to solve. Broadly
Machine Learning can be categorized into four categories.

I. Supervised Learning
II. Unsupervised Learning
III. Reinforcement Learning

Supervised Learning:
Supervised Learning is a type of learning in which we are given a data set and we
already know what are correct output should look like, having the idea that there is a
relationship between the input and output. Basically, it is learning task of learning a function
that maps an input to an output based on example input output pairs. It infers a function from
labeled training data consisting of a set of training examples. Supervised learning problems are
categorized.

Unsupervised Learning:
Unsupervised Learning is a type of learning that allows us to approach problems with
little or no idea what our problem should look like. We can derive the structure by clustering
the data based on a relationship among the variables in data. With unsupervised learning there
is no feedback based on prediction result. Basically, it is a type of selforganized learning that
helps in finding previously unknown patterns in data set without preexisting label.

Reinforcement Learning:
Reinforcement learning is a learning method that interacts with its environment by
producing actions and discovers errors or rewards. Trial and error search and delayed reward
are the most relevant characteristics of reinforcement learning. This method allows machines
and software agents to automatically determine the ideal behaviour within a specific context in
order to maximize its performance. Simple reward feedback is required for the agent to learn
which action is best.

13
WEEK-4
LINEAR AND LOGISTIC REGRESSION
LINEAR REGRESSION
Linear regression is one of the supervised Machine learning algorithms in Python
that observes continuous features and predicts an outcome. Depending on whether it runs on a
single variable or on many features, we can call it simple linear regression or multiple linear
regression.
This is one of the most popular Python ML algorithms and often under-appreciated.
It assigns optimal weights to variables to create a line ax+b to predict the output. We often use
linear regression to estimate real values like a number of calls and costs of houses based on
continuous variables. The regression line is the best line that fits Y=a*X+b to denote a
relationship between independent and dependent variables.

LOGISTIC REGRESSION
Logistic regression is a supervised classification is unique Machine Learning
algorithms in Python that finds its use in estimating discrete values like 0/1, yes/no, and
true/false. This is based on a given set of independent variables. We use a logistic function to
predict the probability of an event and this gives us an output between 0 and 1. Although it says
‘regression’, this is actually a classification algorithm. Logistic regression fits data into a logit
function and is also called logistic regression.

14
DECISION TREE
A decision tree falls under supervised Machine Learning Algorithms in Python and
comes of use for both classification and regression- although mostly for classification. This
model takes an instance, traverses the tree, and compares important features with a determined
conditional statement. Whether it descends to the left child branch or the right depends on the
result. Usually, more important features are closer to the root. Decision Tree, a Machine
Learning algorithm in Python can work on both categorical and continuous dependent
variables. Here, we split a population into two or more homogeneous sets. Tree models where
the target variable can take a discrete set of values are called classification trees; in these tree
structures, leaves represent class labels and branches represent conjunctions of features that
lead to those class labels. Decision trees where the target variable can take continuous values
(typically real numbers) are called regression trees.

DATA ANALYSIS WITH EXCEL

Purpose of spreadsheet:

• Store raw data


• Make calculations
• Analyze data
• Create charts to represent data

15
WEEK-5
APPLICATIONS OF MACHINE LEARNING
APPLICATIONS:
Machine learning is one of the most exciting technologies that one would have ever
come across. As it is evident from the name, it gives the computer that which makes it more
similar to humans: The ability to learn. Machine learning is actively being used today, perhaps
in many more places than one would expect. We probably use a learning algorithm dozen of
time without even knowing it. Applications of Machine Learning include:

• Web Search Engine: One of the reasons why search engines like google, bing etc work
so well is because the system has learnt how to rank pages through a complex learning
algorithm.
• Photo tagging Applications: Be it Facebook or any other photo tagging application,
the ability to tag friends makes it even more happening. It is all possible because of a
face recognition algorithm that runs behind the application.
• Spam Detector: Our mail agent like Gmail or Hotmail does a lot of hard work for us
in classifying the mails and moving the spam mails to spam folder. This is again
achieved by a spam classifier running in the back end of mail application.
• Image Recognition: Image recognition is one of the most common applications of
machine learning. It is used to identify objects, persons, places, digital images, etc. The
popular use case of image recognition and face detection is, Automatic friend tagging
suggestion.
• Traffic prediction: If we want to visit a new place, we take help of Google Maps, which
shows us the correct path with the shortest route and predicts the traffic condition.
• Self-driving cars: One of the most exciting applications of machine learning is
selfdriving cars. Machine learning plays a significant role in self-driving cars. Tesla, the
most popular car manufacturing company is working on self-driving car. It is using
unsupervised learning method to train the car models to detect people.

16
CONFUSION MATRIX

A confusion matrix summarizes the performance of a machine learning model on a set of test
data. It is a means of displaying the number of accurate and inaccurate instances based on the
model’s predictions. It is often used to measure the performance of classification models, which
aim to predict a categorical label for each input instance.

The matrix displays the number of instances produced by the model on the test data.

• True Positive (TP): The model correctly predicted a positive outcome (the actual
outcome was positive).
• True Negative (TN): The model correctly predicted a negative outcome (the actual
outcome was negative).
• False Positive (FP): The model incorrectly predicted a positive outcome (the actual
outcome was negative). Also known as a Type I error.
• False Negative (FN): The model incorrectly predicted a negative outcome (the actual
outcome was positive). Also known as a Type II error.

Why do we need a Confusion Matrix?


When assessing a classification model’s performance, a confusion matrix is
essential. It offers a thorough analysis of true positive, true negative, false positive, and
false negative predictions, facilitating a more profound comprehension of a model’s recall,
accuracy, precision, and overall effectiveness in class distinction. When there is an
uneven class distribution in a dataset, this matrix is especially helpful in evaluating a
model’s performance beyond basic accuracy metrics.

17
WEEK-6
K-NEAREST NEIGHBORS
KNN ALGORITHM
This is a Python Machine Learning algorithm for classification and regression- mostly
for classification. This is a supervised learning algorithm that considers different centroids and
uses a usually Euclidean function to compare distance. Then, it analyzes the results and
classifies each point to the group to optimize it to place with all closest points to it. It classifies
new cases using a majority vote of k of its neighbors. The case it assigns to a class is the one
most common among its K nearest neighbors. For this, it uses a distance function. k-NN is a
type of instance-based learning, or lazy learning, where the function is only approximated
locally and all computation is deferred until classification. k-NN is a special case of a variable
bandwidth, kernel density "balloon" estimator with a uniform kernel.

The K-NN working can be explained on the basis of the below algorithm:

• Step-1: Select the number K of the neighbors


• Step-2: Calculate the Euclidean distance of K number of neighbors
• Step-3: Take the K nearest neighbors as per the calculated Euclidean distance.
• Step-4: Among these k neighbors, count the number of the data points in each
category.
• Step-5: Assign the new data points to that category for which the number of the
neighbor is maximum.
• Step-6: Our model is ready.

18
JUPYTER NOTEBOOK INTRO
Jupyter Notebook is a notebook authoring application, under the Project
Jupyter umbrella. Built on the power of the computational notebook format, Jupyter Notebook
offers fast, interactive new ways to prototype and explain your code, explore and visualize your
data, and share your ideas with others.
Notebooks extend the console-based approach to interactive computing
in a qualitatively new direction, providing a web-based application suitable for capturing the
whole computation process: developing, documenting, and executing code, as well as
communicating the results. The Jupyter notebook combines two components:

A web application: A browser-based editing program for interactive authoring of


computational notebooks which provides a fast interactive environment for prototyping and
explaining code, exploring and visualizing data, and sharing ideas with others

Computational Notebook documents: A shareable document that combines computer code,


plain language descriptions, data, rich visualizations like 3D models, charts, mathematics,
graphs and figures, and interactive controls

19
WEEK-7
CHRONIC KIDNEY DISEASE ANALYSIS
ANALYSIS:
Chronic kidney disease (CKD) is non-communicable disease that has significantly
contributed to morbidity, mortality and admission rate of patients worldwide.
In this Week, participants embark on a practical application of machine learning
techniques by analyzing a real-world healthcare dataset focusing on chronic kidney disease.
Participants begin by understanding the importance of healthcare data analysis and the
challenges associated with diagnosing chronic kidney disease. They gain insights into the
structure and characteristics of the dataset, including the various features and the target variable
related to kidney disease diagnosis.
The week emphasizes the data preprocessing stage, where participants learn
techniques for handling missing values, encoding categorical variables, and scaling numerical
features. They understand the significance of data preprocessing in ensuring the quality and
reliability of the machine learning model.
Following data preprocessing, participants explore different machine learning
algorithms suitable for classification tasks. They learn how to train and evaluate models using
techniques such as cross-validation and performance metrics like accuracy, precision, recall,
and F1-score.
Moreover, participants delve into model interpretation and feature importance
analysis to understand the factors contributing to chronic kidney disease diagnosis. They gain
insights into the clinical relevance of the predictive features identified by the model.
Through hands-on exercises and practical examples using Python libraries
such as Pandas, Scikit-learn, and Matplotlib, participants build predictive models for chronic
kidney disease diagnosis. They iteratively refine their models, fine-tune hyperparameters, and
optimize performance to achieve accurate and reliable predictions.
By the end of Week, participants have gained valuable experience in
applying machine learning techniques to healthcare datasets, specifically for chronic kidney
disease analysis. They are equipped with the skills to preprocess healthcare data, build
predictive models, and interpret model results effectively, contributing to improved diagnosis
and patient care in real-world healthcare settings.

20
Housing Price Prediction using Linear Regression
In this Week, participants engage in a practical project focused on predicting
housing prices using linear regression, a foundational machine learning algorithm.
The week begins with an overview of the housing price prediction task, highlighting its
significance in real estate, finance, and urban planning. Participants learn about the key features
affecting housing prices and the importance of data collection and preprocessing in building
accurate prediction models.

Participants delve into the process of collecting housing data from various sources,
including public datasets, real estate websites, and government databases. They explore
techniques for data cleaning, handling missing values, and feature engineering to prepare
the dataset for model training.

Next, participants are introduced to linear regression, a regression


technique used to model the relationship between independent variables (features) and a
continuous dependent variable (housing prices). They learn about the assumptions of linear
regression, model interpretation, and methods for assessing model performance.
Using Python libraries such as Pandas, NumPy, and Scikit-learn, participants implement a
linear regression model to predict housing prices based on selected features such as location,
square footage, number of bedrooms, and amenities. They split the dataset into training and
testing sets, train the model on the training data, and evaluate its performance using metrics
such as mean squared error (MSE) and R-squared.
Throughout the week, participants engage in hands-on exercises and coding assignments to
reinforce their understanding of linear regression and its application to housing price
prediction. They gain practical experience in building and fine-tuning regression models,
interpreting model coefficients, and identifying influential features.
By the end of Week, participants have developed a comprehensive understanding of linear
regression and its practical application in predicting housing prices. They are equipped with
the skills to collect, preprocess, and analyze housing data, enabling them to make informed
predictions and decisions in real estate and related industries.

21
WEEK-8
CORRELATION AND COMPUTER VISION
CORRELATION:
Correlation explains how one or more variables are related to each other. These
variables can be input data features which have been used to forecast our target variable.
Correlation, statistical technique which determines how one variables
moves/changes in relation with the other variable. It gives us the idea about the degree of the
relationship of the two variables. It’s a bi-variate analysis measure which describes the
association between different variables. In most of the business it’s useful to express one
subject in terms of its relationship with others.

Positive Correlation:

Two features (variables) can be positively correlated with each other. It means
that when the value of one variable increase then the value of the other variable(s) also
increases.

Negative Correlation:
Two features (variables) can be negatively correlated with each other. It means
that when the value of one variable increase then the value of the other variable(s) decreases.
No Correlation:

Two features (variables) are not correlated with each other. It means that when the
value of one variable increase or decrease then the value of the other variable(s) doesn’t
increase or decreases.

For example: No of testing vs no of positive cases in Corona.

22
COMPUTER VISION:
Computer vision, a fascinating field at the intersection of computer science and
artificial intelligence, which enables computers to analyze images or video data, unlocking a
multitude of applications across industries, from autonomous vehicles to facial recognition
systems.

This Computer Vision is designed for both beginners and experienced professionals, covering
both basic and advanced concepts of computer vision, including Digital

Photography, Satellite Image Processing, Pixel Transformation, Color Correction, Padding,


Filtering, Object Detection and Recognition, and Image Segmentation.

Furthermore, participants learn about image classification algorithms, which categorize


images into predefined classes or labels. They explore classical machine learning approaches
like Support Vector Machines (SVMs) and modern deep learning techniques such as
Convolutional Neural Networks (CNNs) for image classification tasks.
Throughout the week, participants engage in hands-on projects and coding exercises using
Python and popular computer vision libraries such as OpenCV and tenser flow.
They apply their newfound knowledge to real-world scenarios, including facial Recognition,
object tracking, and scene understanding.

23
RESULTS & DISCUSSIONS

Results:

• Accomplished Tasks:

Brief description of the machine learning projects or assignments


completed. Examples: Data cleaning, feature engineering, implementing machine
learning models, hyperparameter tuning, or deployment tasks. Specific achievements
(e.g., improved model accuracy to 90%, optimized training time by 30%, etc.).
• Key Deliverables:
List of outputs such as scripts, dashboards, trained models, or
research findings. Results of any implemented models, including performance metrics
(e.g., accuracy, precision, recall, F1-score, etc.).
• Skills Developed:
Technical skills like proficiency in Python, TensorFlow, PyTorch, or
scikit-learn. Enhanced understanding of algorithms like regression, classification,
clustering, or neural networks. Ability to work with datasets, preprocess data, and
visualize insights.
• Innovations or Unique Contributions:
If you implemented a novel technique or improved an existing
solution. Any creative approach that stood out in solving problems.

Discussions:
• Challenges Faced:

Complexities in data preprocessing (e.g., missing values, unbalanced datasets).


Struggles with overfitting or underfitting in model training. Issues related to integrating
models into production or handling large datasets.
• Learnings:
How you tackled the challenges mentioned above. New strategies or tools
learned (e.g., use of advanced optimizers, ensemble methods, or transfer learning
techniques).
• Comparative Analysis:
Comparison of model performances across different algorithms.
Observations from experiments such as parameter tuning, cross-validation, or feature
selection.
• Applications and Impact:
Potential real-world applications of the projects completed. How the
internship contributed to understanding machine learning's role in solving real-world
problems

24
CONCLUSION

Completing the Machine Learning internship by skilldzire provides


a solid foundation for python and machine learning algorithms. The major goal of this study
was to create a prototype of a system that students interested in studying in the United States
might use. For this study, several machine learning algorithms were created and used. When
compared to the Logistic regression model, Linear Regression demonstrated to be the greatest
fit for system development. The programme was designed with a basic user interface to make
it interactive and simple to use for non-technical people.
The ultimate goal of the study was met since the
approach allows students to save time and money that they would otherwise spend on education
advisors and application fees for colleges where they have a lower chance of being accepted.
It will also assist students in making better and faster decisions on university applications. This
internship equips participants with foundational skills that are critical for pursuing a career in
artificial intelligence and machine learning.

25

You might also like