I am delighted to acknowledge the tremendous efforts and dedication of the students who participated in my courses. Their sincerity, hard work, and contributions have significantly enriched the learning experience for everyone involved. As part of these course, students have been engaged in "Course Project" component, which allowed them to apply theoretical knowledge to practical problems. Students either worked individually or collaborated in groups to explore diverse topics, demonstrating creativity, critical thinking, and technical skills. Their projects covered a wide range of applications, including but not limited to machine learning, natural language processing, computer vision, and robotics. I am incredibly proud of their achievements and the innovative solutions they developed. Below are the details of group and their projects are provided for further reference.
Group Name: TAJ
Group Members:
Tanvi Doshi (IITG Roll No.: 220101102, Email: t.doshi@iitg.ac.in)
Adarsh Gupta (IITG Roll No.: 220101003, Email: adarsh.gupta@iitg.ac.in)
Japleen Kaur (IITG Roll No.: 220106035, Email: japleen@iitg.ac.in)
Project Description: This project aims to carry out binary and multi-class classification of Knee Osteo-Arthritis severity. It utilizes a stacked ensemble of deep learning models, leveraging transfer learning on a diverse range of pre-trained state-of-the-art architectures including MobileNetV2, YOLOv8, DenseNet, EfficientNet, CvT, and ResNet50. The models are trained on the Osteoarthritis Initiative (OAI) dataset and the classification is based on the Kellgren-Lawrence scale.
GitHub Code Link: Click here
Group Name: Rythm
Group Members:
D Hayagrivan (IITG Roll No.: 220101032, Email: d.hayagrivan@iitg.ac.in)
Kushal Gupta(IITG Roll No.: 220123082, Email: g.kushal@iitg.ac.in)
Project Description: This project aims to produce music by predicting upcoming notes using an LSTM model. The model is initialized with the first few notes and then generates music based on the training set. It is trained on a pre-labeled dataset called "MusicNet." By using patterns learned from MusicNet, the model creates sequences of notes. This approach enables the generation of music that follows the style of the training data. The project showcases the potential of artificial intelligence in music composition.
GitHub Code Link: Click here
Group Name: SVP
Group Members:
Shreyas Manish Saxena (IITG Roll No.: 220108073, Email: s.shreyas@iitg.ac.in)
Sapaharam Vishnu Singh (IITG Roll No.: 220108053, Email: s.sapaharam@iitg.ac.in)
Priyanshu Maurya (IITG Roll No.: 220108046, Email: priyanshu.maurya@iitg.ac.in)
Project Description: A movie recommender system has been developed using two approaches. The first approach is a weighted hybrid technique, where a formula was applied to calculate weights for movies based on their data. Higher weights result in higher recommendation ranks. In the second approach, content-based filtering was used, where relevant features were extracted from movie summaries and compared between pairs of movies. This comparison produced a similarity score, with higher scores indicating closer relationships between movies. For any given movie, a list of closely related movies can be recommended based on these scores. These methods enhance the accuracy and relevance of recommendations.
GitHub Code Link: Click here
Group Name: 7ARMS
Group Members:
Arush Shaleen Mathur (IITG Roll No.: 220101017, Email: m.arush@iitg.ac.in)
Ayush Kumar (IITG Roll No.: 220101021, Email: ayush.cse22@iitg.ac.in)
Ayush Savar (IITG Roll No.: 220101022, Email: a.savar@iitg.ac.in)
Dev Shah (IITG Roll No.: 220101035, Email: dev.shah@iitg.ac.in)
Project Description: This project aims to develop a method for estimating the number of people in images taken from arbitrary perspectives. Estimating crowd density is useful for applications such as crowd control, public safety, infrastructure planning, and resource deployment. The neural network architecture is split into three parallel CNNs, each with filters of different sizes to capture features at various scales. Max pooling is applied to each 2×2 region, and ReLU activation functions are utilized to enhance CNN performance. This approach ensures accurate identification and counting of heads in images with varying perspectives and scales.
GitHub Code Link: Click here
Group Name: A.C.R.S
Group Members:
Sharanya Adane (IITG Roll No.: 220123080, Email: sharanya@iitg.ac.in)
Shubham (IITG Roll No.: 220103103, Email: shubham.mech22@iitg.ac.in)
Simon Lalremsiama Shangpliang (IITG Roll No.: 220101095, Email: s.shangpliang@iitg.ac.in)
Aryan Adlakha (IITG Roll No.: 220101123, Email: a.adlakha@iitg.ac.in)
Project Description: In response to the prevalent challenge of cyberbullying, this project is dedicated to developing a solution that effectively identifies and addresses instances of online harassment. Focusing on Natural Language Processing (NLP), the approach centers on analyzing tweets to detect signs of cyberbullying. Central to the methodology is the utilization of BERT (Bidirectional Encoder Representations from Transformers), a cutting-edge pre-trained model renowned for its prowess in understanding and processing natural language data. Trained on relevant datasets, the implementation of BERT aims to discern patterns and characteristics indicative of cyberbullying within tweets. This project empowers users and platform administrators to take proactive measures against online harassment.
GitHub Code Link: Click here
Group Name: SYSS
Group Members:
Srinjoy Som (IITG Roll No.: 220123074, Email: s.srinjoy@iitg.ac.in)
Surankan De (IITG Roll No.: 220101121, Email: d.surankan@iitg.ac.in)
Yash Jain (IITG Roll No.: 220101115, Email: j.yash@iitg.ac.in)
Shubham Kumar Jha (IITG Roll No.: 220123081, Email: shubham.jha@iitg.ac.in)
Project Description: This project aims to develop a movie recommendation system that suggests movies similar to those a user searches for. For generic movie recommendations, users will receive suggestions based on movie ratings and popularity. When a specific movie is inputted, the suggestion engine will recommend movies similar in terms of overview, as well as provide separate recommendations based on cast, crew, and other attributes. In essence, this hybrid recommendation system incorporates demographic, content-based, and collaborative filtering techniques to deliver personalized movie suggestions.
GitHub Code Link: Click here
Group Name: A.M.A.N
Group Members:
Manas Jhawar (IITG Roll No.: 220123032, Email: j.manas@iitg.ac.in)
Aniket Gupta (IITG Roll No.: 220123008, Email: g.aniket@iitg.ac.in)
Arush Jain (IITG Roll No.: 220101016, Email: j.arush@iitg.ac.in)
Nilesh Singla (IITG Roll No.: 220123078, Email: s.nilesh@iitg.ac.in)
Project Description: This project develops a music genre classifier using Convolutional Neural Networks (CNN) and Convolutional Recurrent Neural Networks (CRNN) with Mel-frequency cepstral coefficients (MFCCs) from mel spectrograms. The GTZAN dataset, with 1000 songs across 10 genres, is used. Audio data is preprocessed to generate mel spectrograms, and MFCC features are extracted. A CNN processes MFCC features directly, while a CRNN captures spatial and temporal information. The models are trained and evaluated using the GTZAN dataset, with accuracy as a key performance metric. Hyperparameter tuning and optimization enhance classification accuracy.
GitHub Code Link: Click here
Group Name: idunit
Group Members:
Rathod Sujal Jignesh (IITG Roll No.: 220102077, Email: r.jignesh@iitg.ac.in)
Patel Dhyey Sanjaykumar (IITG Roll No.: 220101077, Email: pd.sanjaykumar@iitg.ac.in)
Sharvil Viral Patel (IITG Roll No.: 220101091, Email: p.sharvil@iitg.ac.in)
Patel Czileen Natvarbhai (IITG Roll No.: 220101075, Email: p.natvarbhai@iitg.ac.in)
Project Description: This project utilizes an LSTM model for predicting stock prices based on historical trends. Stocks from motor companies were selected and imported using the yfinance library to ensure uniformity. The data was meticulously preprocessed by removing outliers, eliminating null values, and normalizing it to enhance model performance. These preprocessing steps facilitate achieving optimal weights in a small number of epochs. The final outcomes were plotted to evaluate and visualize the model's effectiveness in predicting stock prices.
GitHub Code Link: Click here
Group Name: phytoez
Group Members:
Aaditya Jalan (IITG Roll No.: 220123001, Email: j.aaditya@iitg.ac.in)
Abhishek Kumar (IITG Roll No.: 220101002, Email: abhishek.cse22@iitg.ac.in)
Gadhikar Avanish Harshal (IITG Roll No.: 220123075, Email: h.gadhikar@iitg.ac.in)
Sanchay Baranwal (IITG Roll No.: 220101122, Email: b.sanchay@iitg.ac.in)
Project Description: This project aims to develop an end-user application for classifying and detecting plant diseases through image classification. The application will categorize images of plants into healthy and unhealthy categories. Unhealthy plants will be further classified into various specific diseases, enabling accurate disease detection and diagnosis.
GitHub Code Link: Click here
Group Name: Team Summerizers
Group Members:
Chinam Suraj Patra (IITG Roll No.: 220102107, Email: c.patra@iitg.ac.in)
Tanay Goenka (IITG Roll No.: 220101098, Email: t.goenka@iitg.ac.in)
Priyanshu Pratyay (IITG Roll No.: 220101125, Email: p.pratyay@iitg.ac.in)
Subhrajyoti Kunda Roy (IITG Roll No.: 220123064, Email: r.subhrajyoti@iitg.ac.in)
Project Description: This project involved developing an automated research paper categorization system using Deep Learning and NLP algorithms. The system analyzes content and structure to accurately categorize papers into predefined topics, aiding in organizing academic libraries, streamlining journal editorial processes, and enhancing literature reviews and conference management. Data preprocessing, class weighting, and resampling techniques were used to address imbalances. A Dense Neural Network with Swish activation functions and Binary Cross-Entropy loss was constructed, optimized with the Adam optimizer, and evaluated using the F1 score. The system provides significant benefits for academia, industry, and policy analysis.
GitHub Code Link: Click here
Group Name: AK
Group Members:
Kovid Juneja (IITG Roll No.: 220101059, Email: j.kovid@iitg.ac.in)
Ankit Varshney (IITG Roll No.: 210121069, Email: ankit.varshney@iitg.ac.in)
Project Description: This project aims to improve systolic blood pressure (SBP) prediction accuracy using a hybrid model combining Long Short-Term Memory (LSTM) and Convolutional Neural Network (CNN) architectures. The LSTM component captures temporal dependencies, modeling the sequential nature of blood pressure measurements. The CNN component extracts relevant spatial features from the data. By integrating these architectures, the model aims to enhance SBP predictive capabilities. This approach has the potential to improve the diagnosis and treatment of hypertension, contributing to better healthcare outcomes and patient well-being.
GitHub Code Link: Click here
Group Name: Stochastic Strikers
Group Members:
Ghosh Kushanava Amitava (IITG Roll No.: 220123083, Email: g.amitava@iitg.ac.in)
Aviral Srivastava (IITG Roll No.: 220102109, Email: aviral.s@iitg.ac.in)
Shashwat Shankar (IITG Roll No.: 220101092, Email: s.shankar@iitg.ac.in)
Savani Shivam Bhagwanbhai (IITG Roll No.: 220101090, Email: b.savani@iitg.ac.in)
Project Description: Two well-known Naive Bayes models were implemented for Email Spam Classification: Bernoulli's Event Model (BEM) and Multinomial Event Model (MEM). The performance of both models was compared, and it was concluded that MEM is more efficient and powerful for email spam classification than BEM. The project demonstrates the application of these models and their effectiveness in distinguishing spam emails from legitimate ones.
GitHub Code Link: Click here
Group Name: Huh?
Group Members:
Krish Mangal (IITG Roll No.: 220102051, Email: m.krish@iitg.ac.in)
Prachi Bindal (IITG Roll No.: 220102071, Email: p.bindal@iitg.ac.in)
Kushagra Singh Sisodia (IITG Roll No.: 220102052, Email: s.kushagra@iitg.ac.in)
Tanu Siwach (IITG Roll No.: 220108059, Email: t.siwach@iitg.ac.in)
Project Description: This project focuses on accurately identifying the boundaries between exons and introns within DNA sequences, which is crucial for gene structure understanding, protein prediction, and genetic disorder diagnosis. DNA sequences, represented by 180 binary variables, are labeled as Exon-Intron (EI), Intron-Exon (IE), or Neither. Ensemble learning techniques, including Random Forest, Gradient Boosting, and Stacking, are utilized for model training and evaluation. The performance of these models is compared using accuracy, precision, recall, and F1-score metrics. This project aims to advance genetic research by improving the accuracy of exon-intron boundary identification.
GitHub Code Link: Click here
Group Name: Zero Proxy
Group Members:
Shivansh Pal (IITG Roll No.: 220150022, Email: p.shivansh@iitg.ac.in)
Karnati Ravi Teja (IITG Roll No.: 220150006, Email: karnati@iitg.ac.in)
Mohit Yadav (IITG Roll No.: 220150008, Email: mohit.dsai22@iitg.ac.in)
Project Description: An attendance record system using face recognition in Python has been developed. Initially, images of all students with their roll numbers were taken to serve as labels. Faces were then extracted, aligned, and measured using OpenCV functions. During operation, the system camera captures a student's face, processes it, and calculates the Euclidean distance to the trained images. Attendance is marked if the distance is within the threshold.
GitHub Code Link: Click here
Youtube Video Link: Click here
Group Name: Lockdown
Group Members:
Sahil Raj (IITG Roll No.: 220150018, Email: r.sahil@iitg.ac.in)
Vishal (IITG Roll No.: 220150029, Email: vishal.dsai22@iitg.ac.in)
Project Description: The Sudoku Game & Solver project combines entertainment with problem-solving, allowing users to play and solve Sudoku puzzles. Sudoku challenges players to fill a 9x9 grid so each column, row, and 3x3 subgrid contains all digits from 1 to 9 without repetition. The project includes a solver function that uses logical deduction and backtracking techniques to find solutions. An intuitive user interface lets players input guesses, track progress, and receive feedback on their solutions. This project provides hours of entertainment and mental stimulation, whether users seek a mental workout or the satisfaction of completing puzzles.
GitHub Code Link: Click here
Youtube Video Link: Click here
Group Name: PyTechs
Group Members:
Himanshu Singhal (IITG Roll No.: 220150004, Email: h.singhal@iitg.ac.in)
Rishita Agarwal (IITG Roll No.: 220150016, Email: rishita@iitg.ac.in)
Arushi Kumar (IITG Roll No.: 220150032, Email: arushi.kumar@iitg.ac.in)
Project Description: PathFinder-AI-Enhanced-Resumes automates the resume creation process, enabling users to produce highly optimized and personalized resumes effortlessly. By using Python data parsing techniques, PathFinder dynamically populates resume templates with tailored information. This AI-driven approach ensures each resume is professionally formatted and customized to highlight the applicant's most relevant qualifications and experiences. The chatbot feature allows users to make specific changes to their resumes, which are then performed by the Large Language Model. PathFinder aims to reduce the time and effort required to craft resumes, increasing job seekers' potential to make impactful first impressions on employers.
GitHub Code Link: Click here
Youtube Video Link: Click here
Group Name: ByteBite
Group Members:
Prakhar Punj (IITG Roll No.: 220150011, Email: p.punj@iitg.ac.in)
Priyansh Awasthi (IITG Roll No.: 220150013, Email: p.awasthi@iitg.ac.in)
Raunit Patel (IITG Roll No.: 220150015, Email: raunit@iitg.ac.in)
Project Description: Byte Bite is an online food review platform. It offers a seamless experience for exploring, reviewing, and savoring diverse culinary offerings on and around campus. The platform features a user-friendly interface with Outlook authentication and a visually stunning dashboard. Users can search for restaurants, dishes, or cuisines, read detailed reviews, and view star ratings and photos. Byte Bite also allows users to write reviews, rate dishes, and upload photos, fostering a vibrant food enthusiast community. With review filters by price range, popularity, and rating, finding the perfect dining spot is effortless.
GitHub Code Link: Click here
Youtube Video Link: Click here
Group Name: MinTech
Group Members:
Ujwal Fandulal Kirsan (IITG Roll No.: 220150026, Email: u.kirsan@iitg.ac.in)
Sirigudi Midhush (IITG Roll No.: 220150024, Email: m.sirigudi@iitg.ac.in)
Raparla Sushmitha (IITG Roll No.: 220150014, Email: r.sushmitha@iitg.ac.in)
Project Description: This project aims to automate the process of sending email notifications to students whose attendance falls below 75%. This script streamlines communication by notifying students about their attendance status. It aims to encourage students to improve their attendance for better academic outcomes. This automated system ensures timely and efficient dissemination of attendance information. By keeping students informed, it promotes awareness and accountability regarding their attendance records.
GitHub Code Link: Click here
Youtube Video Link: Click here
Group Name: HealthTech Pioneers
Group Members:
Saptarshi Mukherjee (IITG Roll No.: 220150019, Email: m.saptarshi@iitg.ac.in)
Ishan Chandra Gupta (IITG Roll No.: 220150034, Email: g.ishan@iitg.ac.in)
Soumya Savarn (IITG Roll No.: 220150031, Email: s.savarn@iitg.ac.in)
Project Description: FitAI is a digital health platform that creates personalized fitness and nutrition plans using advanced machine learning. It leverages polynomial regression models to tailor routines based on user inputs like weight, calorie intake, and activity level. Users interact with a single-page application utilizing Python for the backend and React.js for the interface. The platform includes features for logging activities and visualizing progress with interactive charts. FitAI uses Google's Gemini Pro Vision to estimate calorie intake from food images. It adapts fitness plans based on variables like illness history and exercise preferences for effective and sustainable health goals.
GitHub Code Link: Click here
Youtube Video Link: Click here
Group Name: Infomasters
Group Members:
Sahil Kumar (IITG Roll No.: 220150017, Email: k.sahil@iitg.ac.in)
Project Description: This project aims to manage student information, built with the Python library Tkinter for graphical interfaces. It allows adding, searching, updating, and removing student details like names, roll numbers, and grades. Users can export all student data into a file, such as a spreadsheet, for easy sharing and safekeeping. The interface includes buttons for each task and organizes information into sections. This program streamlines managing student records for teachers and administrators.
GitHub Code Link: Click here
Youtube Video Link: Click here
Group Name: PyProdegies
Group Members:
Madamanchi Chandana (IITG Roll No.: 220150007, Email: c.madamanchi@iitg.ac.in)
Takkellapati Nagendra (IITG Roll No.: 220150025, Email: n.takkellapati@iitg.ac.in)
Project Description: A toxic comment classifier using Long Short-Term Memory (LSTM) networks categorizes comments into six classes: toxic, severe toxic, obscene, threat, insult, and identity hate. LSTMs handle sequence data like text by capturing long-range dependencies. The classifier preprocesses comments by tokenizing and encoding them. The LSTM model learns patterns and relationships between words to analyze toxicity. Training involves labeled data and backpropagation to minimize errors. The trained classifier accurately categorizes comments, aiding in content moderation and fostering healthier online communities.
GitHub Code Link: Click here
Youtube Video Link: Click here
Group Name: Detectives
Group Members:
Yoga Venkata Sai Charan Boddapati (IITG Roll No.: 220150030, Email: y.bodapatti@iitg.ac.in)
Vanama Pranav (IITG Roll No.: 220150027, Email: p.vanama@iitg.ac.in)
Goli Poojitha (IITG Roll No.: 220150003, Email: p.goli@iitg.ac.in)
Project Description: The IITG Vehicle Tracking System streamlines transportation within the IITG campus. It uses Django for the backend and HTML/CSS/JS for the frontend, providing exclusive access to IITG buses and e-rickshaws. Users authenticate via IITG Outlook email to access real-time vehicle locations, bus vacancy details, and e-rickshaw pre-booking information. Geolocation APIs fetch data from bus conductors and auto-owners, updating backend data displayed via Folium maps. Conductor and auto-owner interfaces allow for vacancy/pre-booking updates and trip management, optimizing campus transport efficiency.
GitHub Code Link: Click here
Youtube Video Link: Click here
Group Name: MusicGenAI
Group Members:
Mayukh Maity (IITG Roll No.: 220150033, Email: m.mayukh@iitg.ac.in)
Rishab Sonthalia (IITG Roll No.: 220150035, Email: s.rishab@iitg.ac.in)
Karan Kumawat (IITG Roll No.: 220150005, Email: k.kumawat@iitg.ac.in)
Project Description: The Image to Music Recommendation model uses the BLIP model to extract text from images, then employs cosine similarity and semantic clustering to recommend songs that match the image's content. It leverages text embeddings and the K-nearest neighbor approach to link visual themes with relevant music. The "MusicGenAI" model generates music directly from images, combining a visual transformer with BLIP for text generation and an autoregressive transformer-based decoder for music creation. This model captures textual and melodic cues from images to create new musical compositions. Developed as a web application using Django, this project bridges the gap between images and music in innovative ways.
GitHub Code Link: Click here
Youtube Video Link: Click here
Group Name: AutoChads
Group Members:
Patel Heet Niraj (IITG Roll No.: 220150010, Email: p.niraj@iitg.ac.in)
Shinde Onkar Harishchandra (IITG Roll No.: 220150021, Email: h.shinde@iitg.ac.in)
Prince Tholia (IITG Roll No.: 220150012, Email: p.tholia@iitg.ac.in)
Project Description: A Personalized Auto Complete feature has been created using LLMs. The Mistral 7B model was fine-tuned with chats using lora.py and Apple's MLX. A GUI interface was developed with Tkinter to interact with the model and utilize the autocomplete feature. A chatroom was built using sockets and Tkinter to showcase this feature in a chat interface. Multiple users can chat, and AI autocomplete suggestions are provided while typing.
GitHub Code Link: Click here
Youtube Video Link: Click here