0% found this document useful (0 votes)
12 views15 pages

Ayush Ai Project File Final

The document categorizes AI applications into three domains: Data Science (Analytical AI), Computer Vision, and Natural Language Processing (NLP), listing specific applications for each. It also outlines the technical and soft skills required for AI positions at companies like OpenAI and Goldman Sachs, and provides examples of Python programs for various data operations and visualizations. Additionally, it discusses a project abstract for a Smart Water Management System aligned with SDG 6 and summarizes insights from the video 'Humans Need Not Apply' regarding the impact of AI on the job market.
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
12 views15 pages

Ayush Ai Project File Final

The document categorizes AI applications into three domains: Data Science (Analytical AI), Computer Vision, and Natural Language Processing (NLP), listing specific applications for each. It also outlines the technical and soft skills required for AI positions at companies like OpenAI and Goldman Sachs, and provides examples of Python programs for various data operations and visualizations. Additionally, it discusses a project abstract for a Smart Water Management System aligned with SDG 6 and summarizes insights from the video 'Humans Need Not Apply' regarding the impact of AI on the job market.
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
You are on page 1/ 15

1. Categorize the given applications into three AI domains.

(Refer
Unit-1 Introduction -Artificial Intelligence for everyone)

1. Data Science (Analytical AI) – AI that processes and analyzes large amounts of data
to identify patterns, make predictions, and derive insights.
2. Computer Vision – AI that enables machines to interpret and understand visual
information from the world.
3. Natural Language Processing (NLP) – AI that processes, understands, and generates
human language, including speech and text.

Categorization of Applications:

1. Data Science (Analytical AI)

 Fraud Detection in Banking


 Stock Market Prediction
 Customer Behavior Analysis
 Disease Diagnosis Using Medical Data

2. Computer Vision

 Facial Recognition in Security Systems


 Autonomous Vehicles (Self-driving cars)
 Medical Image Analysis (e.g., X-ray and MRI interpretation)
 Object Detection in Surveillance

3. Natural Language Processing (NLP)

 Chatbots and Virtual Assistants (e.g., Siri, Alexa)


 Sentiment Analysis on Social Media
 Machine Translation (e.g., Google Translate)
 Speech Recognition (e.g., Voice Commands)
2. Attach IBM Skills Build – Introduction to AI certificates

3. List ten companies currently hiring for specific AI


positions.

I. OpenAI: A leading AI research organization, OpenAI is seeking professionals to develop safe and
beneficial AI systems.

II. Goldman Sachs: The financial services firm has appointed Daniel Marcu as its global head of
artificial intelligence engineering and science, indicating a focus on expanding its AI capabilities.

III. Skillsoft: An educational technology company focusing on AI-driven learning solutions, Skillsoft is
hiring for various AI-related positions.
4. Note down the technical and soft skills required for an AI
position from any two companies.

1. OpenAI:

Technical Skills:

 Machine Learning Frameworks: Proficiency in tools like TensorFlow, PyTorch, or JAX for building and training
AI models.
 Programming Languages: Strong command of Python, along with knowledge of other programming
languages like C++, Java, or Go for optimization and deployment.
 Natural Language Processing (NLP): Deep understanding of NLP algorithms and libraries (e.g., Hugging Face).
 Deep Learning: Expertise in neural networks, particularly deep learning techniques such as transformers,
GANs, or reinforcement learning.
 Cloud Computing: Experience with cloud platforms like AWS, Azure, or Google Cloud for model deployment
and scaling.

Soft Skills:

 Collaboration: Ability to work cross-functionally with researchers, engineers, and product teams.
 Critical Thinking: A problem-solving mindset to navigate complex AI challenges.
 Adaptability: Willingness to quickly learn and experiment with new algorithms or tools as AI technology
advances.
 Communication: Ability to explain complex technical concepts to non-technical stakeholders.

2. Goldman Sachs:

Technical Skills:

 Data Science & Machine Learning: Proficiency in machine learning algorithms, statistical modeling, and
predictive analytics.
 Programming Languages: Strong experience with Python, R, SQL, and familiarity with Java or C++ for
backend integration.
 Big Data Technologies: Knowledge of Hadoop, Spark, and other big data frameworks to process and analyze
large datasets.
 Mathematical and Statistical Analysis: Expertise in probability theory, linear algebra, and optimization
techniques.
 AI Tools: Familiarity with tools like TensorFlow, Scikit-learn, and Keras to build machine learning models.

Soft Skills:

 Analytical Thinking: Ability to synthesize large amounts of data and draw actionable insights.
 Teamwork: Working effectively in collaborative, multidisciplinary teams in a fast-paced environment.
 Attention to Detail: Accuracy in coding and data analysis, ensuring robustness in AI models.
 Problem Solving: Strong ability to approach complex challenges with innovative AI solutions.
 Leadership: Ability to mentor junior team members and lead projects.
5. Python programs covering operators, data types, and control
statements (Level 1).

1. Arithmetic Operators and Data Types

a = 10

b=3

print("Addition:", a + b)

print("Subtraction:", a - b)

print("Multiplication:", a * b)

print("Division:", a / b)

print("Floor Division:", a // b)

print("Modulus:", a % b)

print("Exponent:", a ** b)

2. Data Types

x_int = 5 integer

x_float = 5.5 float

x_str = "Hello AI!" string

x_bool = True boolean

x_list = [1, 2, 3] # list

x_dict = {"key": "value"} #dictionary

print("Integer:", x_int)

print("Float:", x_float)

print("String:", x_str)

print("Boolean:", x_bool)

print("List:", x_list)

print("Dictionary:", x_dict)
3. Control Statements (if-else, for, while)

number = 7

if number > 0:

print("Positive number")

else:

print("Non-positive number")

for i in range(3):

print("For loop iteration:", i)

count = 0

while count < 3:

print("While loop count:", count)

count += 1

6. Python programs using NumPy, Pandas, and Scikit-learn


(Level 2).

1.NUMPY

import numpy as np

ar = np.array([1, 2, 3, 4, 5])

print("NumPy Array:", ar)

# Basic operations

print("Mean:", np.mean(ar))

print("Sum:", np.sum(ar))

print("Standard Deviation:", np.std(ar))


2.PANDAS

import pandas as pd

data = {

"Name": ["Alice", "Bob", "Charlie"],

"Age": [25, 30, 35],

"City": ["New York", "Los Angeles", "Chicago"]

df = pd.DataFrame(data)

print("DataFrame:\n", df)

print("\nDescribe:\n", df.describe())

print("\nInfo:\n", df.info())

3.: SCIKIT-LEARN

from sklearn.datasets import load_iris

from sklearn.model_selection import train_test_split

from sklearn.neighbors import KNeighborsClassifier

from sklearn.metrics import accuracy_score

iris = load_iris()

X = iris.data

y = iris.target

X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)

knn = KNeighborsClassifier(n_neighbors=3)

knn.fit(X_train, y_train)

y_pred = knn.predict(X_test)

accuracy = accuracy_score(y_test, y_pred)

print("Accuracy:", accuracy)
7. Create an empathy map for a parent, Ms. Neena seeking admission for her
ward in a school in class 9th.( Refer to ch- capstone project)

8. Project abstract creation using design thinking framework which should be


based on any SDG.(Refer to Ch- capstone project)

1. Project Name:

"Smart Water Management System" (SDG 6: Clean Water & Sanitation)

2. Team Members Name:

i) Sakshi Sangwan
ii) Suhani
iii)Yashita
iv)Jahanvi

3. Problem Selection:
Water wastage and inefficient water management are critical issues affecting urban households, agriculture,
and industries. Due to a lack of real-time monitoring and predictive systems, water overuse and leakages
contribute to scarcity. This project aims to develop a Smart Water Management System to optimize water
consumption and prevent unnecessary wastage. (Aligned with SDG 6: Clean Water & Sanitation)

4. Users:

 Households (Reducing daily water wastage)


 Farmers (Optimizing irrigation based on soil moisture levels)
 Industries & Factories (Managing large-scale water consumption)
 Municipal Water Authorities (Monitoring leaks and distribution efficiency)

5. Empathize:

 Households struggle to track daily water usage, leading to overuse.


 Farmers face challenges in efficient irrigation, causing water shortages.
 Industries lack proper monitoring systems, resulting in excessive consumption.
 Municipalities face difficulties in detecting and fixing pipeline leakages.

6. Define:

"How might we develop a real-time, data-driven, and cost-effective Smart Water Management System
that enables users to monitor, control, and optimize water consumption efficiently?"

9. Python programs to demonstrate the use of mean, median, mode, standard


deviation and variance.(Refer to ch- Data Literacy)
10. Python programs to visualise the line graph, bar graph, histogram,
scatter graph and pie chart using matplotlib.( Refer to Ch- Data Literacy)
11. Calculation of pearson correlation coefficient in MS – Excel.(Refer to
ch- Machine Learning Algorithms)

Steps:

1. Enter your data in two columns (e.g., Column A for variable X, Column B for variable Y).

2. Suppose data is in cells A2:A11 and B2:B11.

3. Use the CORREL function: In any cell, type: =CORREL(A2:A11,B2:B11)\text{In any cell,
type: } =CORREL(A2:A11, B2:B11)In any cell, type: =CORREL(A2:A11,B2:B11)

4. Press Enter, and the cell will display the Pearson Correlation Coefficient.

Interpretation:

· +1 indicates a perfect positive correlation.

· 0 indicates no correlation.

· -1 indicates a perfect negative correlation.

12. Demonstration of Linear regression in MS – Excel / using python


program.(Refer to ch- Machine Learning Algorithms)

In MS Excel

1. Enter your data: Independent variable XXX in column A, dependent variable YYY in column

2. Highlight the data.

3. Go to Insert > Scatter Plot.

4. After the scatter plot appears, right-click on the data points and select Add Trendline.

5. Choose Linear, check Display Equation on chart and Display R-squared value on chart.

6. The slope and intercept will appear on the chart, giving you the linear regression equation
y=mx+cy = mx + cy=mx+c.

B. Using Python

import numpy as np
import matplotlib.pyplot as plt

from sklearn.linear_model import LinearRegression

X = np.array([1, 2, 3, 4, 5]).reshape(-1, 1)

y = np.array([2, 4, 5, 4, 5])

model = LinearRegression()

model.fit(X, y)

y_pred = model.predict(X)

print("Coefficient (slope):", model.coef_[0])

print("Intercept:", model.intercept_)

plt.scatter(X, y, color='blue', label='Data Points')

plt.plot(X, y_pred, color='red', label='Regression Line')

plt.legend()

plt.title("Linear Regression Example")

plt.xlabel("X")

plt.ylabel("Y")

plt.show()
13. Create a chatbot on ordering ice-creams using any of the following
platforms:
a. Google Dialogflow
b. Botsify.com
c. Botpress.com

INTENT

CHATPOT
14. Python program to demonstrate the working of a chatbot.
( Refer to ch- Leveraging Linguistics and Computer Science)

def ice_cream_chatbot():

print("Welcome to the Ice Cream Shop! How can I help you today?")

while True:

user_input = input("You: ").lower()

if "hello" in user_input or "hi" in user_input:

print("Bot: Hello! Would you like to order some ice cream?")

elif "order" in user_input:

print("Bot: Great! What flavor would you like? (e.g., chocolate, vanilla, strawberry)")

elif "chocolate" in user_input:

print("Bot: Chocolate is a classic choice! What size would you prefer? (small, medium, large)")

elif any(size in user_input for size in ["small", "medium", "large"]):

print("Bot: Perfect! How many would you like?")

elif user_input.isdigit():

print(f"Bot: Great! So, {user_input} ice cream(s). Anything else you'd like?")

elif "no" in user_input or "that's all" in user_input:

print("Bot: Thank you for your order. Have a sweet day!")

break

else:

print("Bot: I'm not sure how to respond to that. Could you please rephrase?")

ice_cream_chatbot()
15.Summarize your insights and interpretations from the video "Humans
need not apply.”

"Humans Need Not Apply" by CGP Grey highlights the rapid advancement of automation and artificial
intelligence, emphasizing their impact on the job market. Traditionally, automation replaced low-skill,
repetitive tasks, but modern AI is now capable of performing complex cognitive functions, threatening
white-collar jobs in law, healthcare, and even creative industries.

The video challenges the assumption that human intelligence, creativity, and emotional understanding make
us irreplaceable. AI systems are becoming more efficient and cost-effective, making businesses prioritize
automation over human labor. This shift could result in widespread unemployment and economic inequality
as machines outperform humans in productivity and accuracy.

Despite these concerns, the video does not present automation as inherently negative. Instead, it stresses the
importance of adaptation. As AI continues to evolve, individuals and societies must focus on reskilling,
education, and new economic structures to mitigate the impact of job displacement. The traditional idea of
work is changing, and preparing for this transformation is crucial.

Ultimately, "Humans Need Not Apply" serves as a warning and a call to action. Rather than resisting
automation, we must embrace innovation while ensuring that economic and social systems evolve to support
a future where machines play a dominant role in the workforce.

You might also like

pFad - Phonifier reborn

Pfad - The Proxy pFad of © 2024 Garber Painting. All rights reserved.

Note: This service is not intended for secure transactions such as banking, social media, email, or purchasing. Use at your own risk. We assume no liability whatsoever for broken pages.


Alternative Proxies:

Alternative Proxy

pFad Proxy

pFad v3 Proxy

pFad v4 Proxy