DEV Lab Manual
DEV Lab Manual
Ex. Page
Date Name of the Experiment Marks
No. No.
NUMPY:
NumPy is a Python library used for working with arrays .It also has functions for working in
domain of linear algebra, fourier transform, and matrices. NumPy was created in 2005 by Travis
Oliphant. It is an open source project and you can use it freely. NumPy stands for Numerical
Python.
It is the fundamental package for scientific computing with Python. It contains various features
including these important ones:
AIM
Write a Python program to demonstrate basic array characteristics.
ALGORITHM
Step1: Start
Step2: Import numpy module
PROGRAM
importnumpy as np
# Creating array object
arr = np.array( [[ 1, 2, 3],
[ 4, 2, 5]] )
1
# Printing type of arr object
print("Array is of type: ", type(arr))
# Printing array dimensions (axes)
OUTPUT
Array is of type: <class 'numpy.ndarray'>
No. of dimensions: 2
Shape of array: (2, 3)
Size of array: 6
Array stores elements of type: int32
RESULT
Thus the python program working with NumPy array has been implemented and executed
successfully.
2
EX.NO : 1 (b) PROGRAM TO PERFORM ARRAY SLICING
Date : 25-08-2021
SLICING:
Similar to Python lists, numpy arrays can be sliced. Since arrays may be multidimensional, we must
specify a slice for each dimension of the array
AIM
Write a Python Program to Perform Array Slicing.
ALGORITHM
Step1: Start
Step2: import numpy module
Step3: Create an array and apply the slicing operator
PROGRAM
Importnumpy as np
a = np.array([[1,2,3],[3,4,5],[4,5,6]])
print(a)
print("After slicing")
print(a[1:])
3
OUTPUT
[[1 2 3]
[3 4 5]
[4 5 6]]
After slicing
[[3 4 5] [4 5 6]]
RESULT
Thus the python program to perform array slicing has been implemented and executed successful
4
Ex No : 1 (c) PROGRAM TO PERFORM ARRAY SLICING
Date : 25-08-2021
AIM
Write a Python Program to Perform Array Slicing.
ALGORITHM
Step1: Start
Step2: import numpy module
Step3: Create an array and apply the slicing operator
Step4: Print the output
Step5: Stop
PROGRAM
# array to begin with
importnumpy as np
a = np.array([[1,2,3],[3,4,5],[4,5,6]])
5
OUTPUT:
Our array is:
[[1 2 3]
[3 4 5]
[4 5 6]]
The items in the second column are:
[2 4 5]
The items in the second row are:
[3 4 5]
The items column 1 onwards are:
[[2 3]
[4 5]
[5 6]]
RESULT
Thus the python program to perform array slicing has been implemented and executed successfully.
6
Ex No : 2 (a) CREATE A DATAFRAME USING A LIST OF ELEMENTS
Date: 28-08-2021
PANDAS:
It is a Python library. Pandas is used to analyze data. A Pandas DataFrame is a 2 dimensional data
structure, like a 2 dimensional array, or a table with rows and columns.Pandas DataFrame can be
created from the lists, dictionary and from a list of dictionary etc.
AIM
Write a program to create a dataframe using a list of elements.
ALGORITHM
Step1: Start
Step2: import numpy and pandas module
Step3: Create a dataframe using list of elements
PROGRAM
# import pandas as pd
import pandas as pd
# list of strings
lst = ['A', 'B', 'C', 'D', 'E', 'F', 'G']
7
OUTPUT
0
0 A
1 B
2 C
3 D
4 E
5 F
6 G
RESULT
Thus the python program for dataframe using list of elements has been implemented and executed
successfully.
8
Ex No: 2 (b) CREATE A DATAFRAME USING THE DICTIONARY
Date: 28-08-2021
DATAFRAME:
To create DataFrame from dict of narray/list, all the narray must be of same length. If index is passed
then the length index should be equal to the length of arrays. If no index is passed, then by default,
index will be range(n) where n is the array length.
AIM
ALGORITHM
Step1: Start
Step2: import numpy and pandas module
Step3: Create a dataframe using the dictionary
Step4: Print the output
Step5: Stop
PROGRAM
import pandas as pd
# intialise data of lists.
data = {'Name':['Tom', 'nick', 'krish', 'jack'],
'Age':[20, 21, 19, 18]}
# Create DataFrame
df = pd.DataFrame(data)
# Print the output.
print(df)
9
OUTPUT:
Name Age
0 Tom 20
1 nick 21
0 krish 19
1 jack 18
RESULT
Thus the python to create dataframe using dictionary program has been implemented and executed
successfully
10
Ex No: 2 (c) COLUMN SELECTION
Date: 28-08-2021
Column Selection
A Data frame is a two-dimensional data structure, i.e., data is aligned in a tabular fashion in rows and
columns. We can perform basic operations on rows/columns like selecting, deleting, adding, and
renaming.
Column Selection: In Order to select a column in Pandas DataFrame, we can either access the
columns by calling them by their columns name.
AIM
Write a program to select a column from dataframe.
ALGORITHM
Step1: Start
PROGRAM
import pandas as pd
# Define a dictionary containing employee data
data = {'Name':['Jai', 'Princi', 'Gaurav', 'Anuj'], 'Age':[27, 24, 22, 32], 'Address':['Delhi', 'Kanpur',
'Allahabad', 'Kannauj'], 'Qualification':['Msc', 'MA', 'MCA', 'Phd']}
# Convert the dictionary into DataFrame
df = pd.DataFrame(data)
print(df)
11
OUTPUT:
RESULT
Thus the python program for coloumn selection has been implemented and executed successfully.
12
Ex No: 2 (d) CHECKING FOR MISSING VALUES USING ISNULL() AND NOTNULL() :
Date: 02-09-2021
In order to check missing values in Pandas DataFrame, we use a function isnull() and notnull(). Both
function help in checking whether a value is NaN or not.These function can also be used in Pandas
Series in order to find null values in a series.
AIM
Write a program to check the missing values from the dataframe.
ALGORITHM
Step1: Start
Step2: import pandas module
Step3: Create a dataframe using the dictionary
Step4: Check the missing values using isnull() function
Step5: print the output
Step6: Stop
PROGRAM
# importing pandas as pd
import pandas as pd
# importing numpy as np
importnumpy as np
# dictionary of lists
dict = {'First Score':[100, 90, np.nan, 95],
'Second Score': [30, 45, 56, np.nan],
'Third Score':[np.nan, 40, 80, 98]}
13
OUTPUT:
RESULT
Thus the python program checking for missing value using isnull() and nonull() has been
implemented and executed successfully.
14
Ex No: 2 (e) DROPPING MISSING VALUES USING DROPNA()
DATE: 02-09 2021
In order to drop a null values from a dataframe, we used dropna() function this function drop
Rows/Columns of datasets with Null values in different ways.
AIM
Write a program to drop rows with at least one Nan value (Null value)
ALGORITHM
Step1: Start
Step2: import pandas module
Step3: Create a dataframe using the dictionary
Step4: Drop the null values using dropna() funtion
Step5: print the output
Step6: Stop
PROGRAM
Drop rows with at least one Nan value (Null value)
# importing pandas as pd
import pandas as pd
# importing numpy as np
import numpy as np
# dictionary of lists
dict = {'First Score':[100, 90, np.nan, 95],
'Second Score': [30, np.nan, 45, 56],
'Third Score':[52, 40, 80, 98],
'Fourth Score':[np.nan, np.nan, np.nan, 65]}
15
# creating a dataframe from dictionary
df = pd.DataFrame(dict)
# using dropna()
function
df.dropna()
OUTPUT:
RESULT
Thus the python program for Drop missing values has been implemented and executed successfully.
16
Ex No: 3 (a) BASIC PLOTS USING MATPLOTLIB
Date: 11-09-2021
MATPLOTLIB:
It is a Python library that helps in visualizing and analyzing the data and helps in better
understanding of the data with the help of graphical, pictorial visualizations that can be simulated
using the matplotlib library. Matplotlib is a comprehensive library for static, animated and interactive
visualizations.
AIM
Write a python program to create a simple plot using plot() function.
ALGORITHM
Step1:Define the x-axis and corresponding y-axis values as lists.
PROGRAM
importmatplotlib.pyplot as plt
# x axis values
x = [1,2,3]
# corresponding y axis values
y = [2,4,1]
17
# giving a title to my graph
plt.title('My first graph!')
# function to show the plot
plt.show()
OUTPUT:
RESULT
Thus the python program for basic Matplotlib has been implemented and executed successfully.
18
Ex No: 3 (b) COMPUTE THE X AND Y COORDINATES AND CREATE A PLOT
Date: 11-09-2021
AIM
Write a python program to create a plot by computing the x and y coordinates.
ALGORITHM
Step1: Compute the x and y coordinates for points on a sine curve
Step2: Plot the points using matplotlib
Step3:Display the output
Step4: Stop
PROGRAM
importnumpyasnp
importmatplotlib.pyplotasplt
y =np.sin(x)
plt.plot(x, y)
plt.show()
19
OUTPUT
RESULT
Thus the python program to compute X and Y coordinates has been implemented and executed
successfully.
20
Ex No: 3 (c) DRAWING MULTIPLE LINES USING
Date: 15-09-2021 PLOT FUNCTION
AIM
Write a python program to draw multiple lines using plot() function.
ALGORITHM
Step1: Compute the x and y coordinates for points on a sine and cosine curve
Step2: Plot the points using matplotlib
Step3:Display the output
Step4: Stop
PROGRAM
importnumpy as np
importmatplotlib.pyplot as plt
# Compute the x and y coordinates for points on sine and cosine curves
x = np.arange(0, 3 * np.pi, 0.1)
y_sin = np.sin(x)
y_cos = np.cos(x)
21
OUTPUT
RESULT
Thus the python program multiple line using plot functiont has been implemented and executed
successfully.
22
Ex No: 3 (d) BASIC PLOT USING MATPLOTLIB
Date: 15-09-2021
AIM
Write a python program for basic plot using matplotlib
ALGORITHM
Step1: import the library
Step2: Plot the points using matplotlib
Step3: Display the output
Step4: Stop
PROGRAM
Line plot :
x = [5, 2, 9, 4, 7]
y = [10, 5, 8, 4, 2]
plt.plot(x,y)
plt.show()
23
Bar plot :
x = [5, 2, 9, 4, 7]
y = [10, 5, 8, 4, 2]
plt.bar(x,y)
plt.show()
24
Histogram :
y = [10, 5, 8, 4, 2]
plt.hist(y)
plt.show()
Scatter Plot :
x = [5, 2, 9, 4, 7]
25
y = [10, 5, 8, 4, 2]
plt.scatter(x, y)
plt.show()
RESULT
Thus the python program for basic plot using Matplotlib has been implemented and executed
successfully.
26
Ex No: 4 (a) CONDITIONAL FREQUENCY DISTRIBUTION
Date: 17-09-2021
Conditional Frequency:
In the previous topic, you have studied about Frequency Distributions FreqDist function computes
the frequency of each item in a list. While computing a frequency distribution, you observe
occurrence count of an event.
AIM
To write a python program to show the conditional Frequency distribution
ALGORITHM
Step 1: Start
Step 2: Import Pandas, Numpy And Nltk
PROGRAM:
importnumpyasnp# linear algebra
importpandasaspd# data processing, CSV file I/O (e.g. pd.read_csv)
importnltk
items = ['apple', 'apple', 'kiwi', 'cabbage', 'cabbage', 'potato']
nltk.FreqDist(items)
27
cfd=nltk.ConditionalFreqDist(c_items)
cfd.conditions()
cfd.plot()
cfd['V']
OUTPUT
RESULT
Thus the python program for conditional frequency distribution has been implemented and executed
successfully.
28
Ex No: 4 (b) FREQUENCY OF WORDS, OF A PARTICULAR
Date: 17-09-2021 GENRE, IN BROWN CORPUS.
AIM
To write a python program determine the frequency of words, of a particular genre, in brown corpus.
ALORITHM
Step 1: Start
Step 2: Import All Necessary Libraries
Step 3: Display The Frequency Of Each Items In The List
Step 4:Setting Cumulative Argument Value To True.
Step 5: Stop
PROGRAM:
fromnltk.corpusimport brown
cfd=nltk.ConditionalFreqDist([ (genre, word) for genre inbrown.categories() for word
inbrown.words(categories=genre) ])
cfd
cfd.conditions()
cfd.tabulate(conditions=['government', 'humor', 'reviews'],samples=['leadership', 'worship',
'hardship'])
cfd.plot(conditions=['government', 'humor', 'reviews'],samples=['leadership', 'worship', 'hardship'])
cfd.tabulate(conditions=['government', 'humor', 'reviews'], samples=['leadership', 'worship',
'hardship'], cumulative =True)
news_fd=cfd['news']
news_fd.most_common(3)
news_fd['the']
29
OUTPUT :
RESULT
Thus the python program frequency of words, of a particular genre, in brown corpus has been
implemented and executed successfully.
30
FREQUENCY OF LAST CHARACTER APPEARING IN ALL
Ex No: 4 (C) NAMES ASSOCIATED WITH MALES AND FEMALES
Date: 22-09-2021 RESPECTIVELY AND COMPARES THEM
AIM
To write a python program frequency of last character appearing in all names associated with males
and females respectively and compares them.
ALORITHM
Step 1: Start
Step 2: Import All Necessary Libraries
Step 3: Display The Frequency Of Each Items In The List
Step 4: Plot
Step 5: Stop
PROGRAM
fromnltk.corpusimport names
nt= [(fid.split('.')[0], name[-1]) for fid innames.fileids() for name innames.words(fid) ]
cfd2 =nltk.ConditionalFreqDist(nt)
cfd2['female']['a']
cfd2['male']['a']
cfd2['female'] > cfd2['male']
cfd2.tabulate(samples=['a', 'e'])
cfd2.plot()
31
OUTPUT
a e
female 1773 1432
male 29 468
RESULT
Thus the python program frequency of last character appearing in all names associated with males
and females respectively and compares them has been implemented and executed successfully.
32
Ex No: 5 (a)
Date: 25-10-2021 AVERAGE OF LIST USING LOOP
AIM
To write a python program for finding a average of list using loop.
ALGORITHM
Step 1: Start
Step 2: Define A Class Cal_Average
Step 3: Sum_Num = Sum_Num + T
Step 4: Avg = Sum_Num / Len(Num)
Step 5: Stop
PROGRAM:
defcal_average(num):
sum_num = 0
for t in num:
sum_num = sum_num + t
avg = sum_num / len(num)
returnavg
print("The average is", cal_average([18,25,3,41,5]))
OUTPUT:
The average is 18.4
RESULT
Thus the python program finding a average of list using loop has been implemented and executed
successful.
33
Ex No: 5 (b) AVERAGE OF LIST USING BUILT IN FUNCTIONS
Date: 25-10-2021
AIM
To write a python program to find the average of list using built in functions.
ALGORITHM
STEP 1: Start STEP
STEP 2: define a list
STEP 3: avg = sum(number_list)/len(number_list)
STEP 4:printavg
STEP 5: Stop
PROGRAM
number_list = [45, 34, 10, 36, 12, 6, 80]
avg = sum(number_list)/len(number_list)
print("The average is ", round(avg,2))
OUTPUT:
The average is 31.86
RESULT
Thus the python program finding a average of list using built in functions has been implemented and
executed successfully
34
Ex No: 5 (c) AVERAGE OF LIST USING MEAN FUNCTION
Date: 06-10-2021
AIM
To write a python program to find the average of list using mean function.
ALGORITHM
Step 1: Start
Step 2: Define A List
Step 3: Import Mean From Statistics
Step 4: Avg = Mean(Number_List)
Step 5: Printavg
Step 6: Stop
PROGRAM
from statistics import mean
number_list = [45, 34, 10, 36, 12, 6, 80]
avg = mean(number_list)
print("The average is ", round(avg,2))
OUTPUT:
The average is 31.86
RESULT
Thus the python program average of list using mean function has been implemented and executed
successful.
35
Ex No: 5 (d)
AVERAGE OF LIST USING NUMPY LIBRARY
Date: 09-10-2021
AIM
To write a python program to find the average of list using numpy library.
ALGORITHM
Step 1: Start
Step 2: Import Mean From Numpy
Step 3: Define A List
Step 4: Avg = Mean(Number_List)
Step 5:Printavg
Step 6: Stop
PR0GRAM
fromnumpy import mean
number_list = [45, 34, 10, 36, 12, 6, 80]
avg = mean(number_list)
print ("The average is ", round(avg,2))
OUTPUT:
The average is 31.86
RESULT
Thus the python program average of list using numpy library has been implemented and executed
successfully.
36
Ex No: 6 (a) VARIANCE OF SAMPLE SET.
Date: 13-10-2021
AIM
To write a python program to show variance of sample set.
ALGORITHAM
Step 1: Start
Step 2: Import Statistics
Step 3: Define A List
Step 4: Print Statistics.Variance(Sample))
Step 5: Stop
PROGRAM
import statistics
sample = [2.74, 1.23, 2.63, 2.22, 3, 1.98]
print("Variance of sample set is % s" , statistics.variance(sample))
OUTPUT :
Variance of sample set is 0.40924
RESULT
Thus the python program to show variance of sample set has been implemented and executed
successfully.
37
Ex No: 6 (b) VARIANCE ON A RANGE OF DATA-TYPES
Date: 21-10-2021
AIM
To write a python program to show variance on a range of data-types.
ALGORITHM
Step 1: Start
Step 2: Import All Necessary Libraries
Step 3: Define Samples
Step 4: Print Variance Of Sample
Step 5: Stop
PROGRAM
from statistics import variance
from fractions import Fraction as fr
sample1 = (1, 2, 5, 4, 8, 9, 12)
sample2 = (-2, -4, -3, -1, -5, -6)
sample3 = (-9, -1, -0, 2, 1, 3, 4, 19)
sample4 = (fr(1, 2), fr(2, 3), fr(3, 4),fr(5, 6), fr(7, 8))
sample5 = (1.23, 1.45, 2.1, 2.2, 1.9)
print("Variance of Sample1 is ",variance(sample1))
print("Variance of Sample2 is ",variance(sample2))
print("Variance of Sample3 is ",variance(sample3))
print("Variance of Sample4 is ", variance(sample4))
print("Variance of Sample5 is ",variance(sample5))
OUTPUT
Variance of Sample1 is 15.80952380952381
Variance of Sample2 is 3.5
Variance of Sample3 is 61.125
Variance of Sample4 is 1/45
Variance of Sample5 is 0.17613000000000006
RESULT
Thus the python program to show variance on a range of data-types has been implemented and
executed successfully.
38
Ex No: 6 (c) STATISTICS
Date: 23-10-2021
AIM
To write a python program to show statistics.
ALGORITHM
Step 1: Start
Step 2: Import Statistics
Step 3: Define A List
Step 4: M=Statistics.Mean(Sample)
Step 5: Stop
PROGRAM
import statistics
sample = (1, 1.3, 1.2, 1.9, 2.5, 2.2)
m = statistics.mean (sample)
print("Variance of Sample set is ",statistics.variance(sample, xbar = m))
OUTPUT
Variance of Sample set is 0.3656666666666667
RESULT
Thus the python program to show statistics has been implemented and executed successfully.
39
Ex No: 7 CREATE NORMAL CURVE
` Date: 23-10-2021
AIM
ALGORITHM
STEP 1: Start
STEP 5: Stop
PROGRAM
importnumpy as np
importmatplotlib.pyplot as plt
importseaborn as sb
data = np.arange(1,10,0.01)
sb.set_style('whitegrid')
plt.xlabel('Heights')
plt.ylabel('Probability Density')
40
OUTPUT
RESULT
Thus the python program to create a normal curve has been implemented and executed
successfully.
41
Ex No: 8 CORRELATION AND SCATTER PLOTS
Date: 30-10-2021
CORRELATION:
Correlation means an association. It is a measure of the extent to which two variables are related.
AIM:
To write a python program correlation and scatter plots.
ALGORITHM:
Step 1: Importing the libraries.
Step 2: Finding the Correlation between two variables.
Step 3: Plotting the graph. Here we are using scatter plots. A scatter plot is a diagram where each
value in the data set is represented by a dot. Also, it shows a relationship between two variables.
PROGRAM:
importsklearn
importnumpy as np
importmatplotlib.pyplot as plt
import pandas as pd
y = pd.Series([1, 2, 3, 4, 3, 5, 4])
x = pd.Series([1, 2, 3, 4, 5, 6, 7])
correlation = y.corr(x)
print(correlation)
plt.scatter(x, y)
# This will fit the best line into the graph
plt.plot(np.unique(x), np.poly1d(np.polyfit(x, y, 1)) (np.unique(x)), color='red')
42
OUTPUT:
RESULT:
Thus the python program to correlation and scatter plots has been implemented and executed
successfully.
43
SCATTER PLOT:
Scatter plot is a graph of two sets of data along the two axes. It is used to visualize the
relationship between the two variables.
In python matplotlib, the scatterplot can be created using the pyplot.plot() or the pyplot.scatter().
Using these functions, you can add more feature to your scatter plot, like changing the size, color or
shape of the points.
i)SIMPLE
SCATTER PLOT
AIM:
PROGRAM:
x = range(50)
y = range(50) + np.random.randint(0,30,50)
plt.scatter(x, y)
plt.rcParams.update({'figure.figsize':(10,8), 'figure.dpi':100})
plt.xlabel('X - value')
plt.ylabel('Y - value')
plt.show()
44
OUTPUT:
RESULT
Thus the python program for simple scatter Plot has been implemented and executed successfully.
45
ii) SIMPLE SCATTERPLOT WITH
COLORED POINTS
AIM:
To write a python program Simple Scatterplot with colored points.
PROGRAM:
x = range(50)
y = range(50) + np.random.randint(0,30,50)
plt.rcParams.update({'figure.figsize':(10,8), 'figure.dpi':100})
plt.scatter(x, y, c=y, cmap='Spectral')
plt.colorbar()
plt.title('Simple Scatter plot')
plt.xlabel('X - value')
plt.ylabel('Y - value')
plt.show()
46
OUTPUT:
RESULT:
Thus the python program Simple Scatterplot with colored points has been implemented and
executed successfully.
47
9. CORRELATION COEFFICIENT
Variables within a dataset can be related for lots of reasons.
For example:
One variable could cause or depend on the values of another variable.
One variable could be lightly associated with another variable.
Two variables could depend on a third unknown variable.
It can be useful in data analysis and modelling to better understand the relationships between
variables. The statistical relationship between two variables is referred to as their correlation.
A correlation could be positive, meaning both variables move in the same direction, or negative,
can also be neutral or zero, meaning that the variables are unrelated.
48
Ex No: 9 (a) NUMPY CORRELATION CALCULATION
Date: 30-10-2021
AIM:
To write a program to calculate the correlation coefficient.
ALGORITHM:
STEP 1: Import the numpy packages.
STEP 2: Define two NumPy arrays. Call them x and y
STEP3: Call np.corrcoef() with both arrays as arguments
STEP 4: corrcoef() returns the correlation matrix, which is a two-dimensional array with the
correlation coefficients.
PROGRAM:
importnumpy as np
x = np.arange(10, 20)
y = np.array([2, 1, 4, 5, 8, 12, 18, 25, 96, 48])
r = np.corrcoef(x, y)
print(r)
OUTPUT:
RESULT:
Thus the python program calculate the correlation coefficient has been implemented and executed
successfully.
49
Ex No: 9 (b) CORRELATION
Date: 30-10-2021
The Pearson correlation coefficient can be used to summarize the strength of the linear relationship
between two data samples.The Pea
two variables divided by the product of the standard deviation of each data sample. It is the
normalization of the covariance between the two variables to give an interpretable score.
Pearson's correlation coefficient = covariance(X, Y) / (stdv(X) * stdv(Y))
AIM:
To write a program to calculate the Pearson correlation coefficient between two variables.
ALGORITHM:
Step 1: Import The Needed Packages.
Step 2: Provide The Data.
Step 3: Thep
Coefficient Between Two Data Samples With The Same Length.
Step 4: Display The Correlation Coefficient.
PROGRAM:
fromnumpy.random import randn
fromnumpy.random import seed
fromscipy.stats import pearsonr
seed(1)
data1 = 20 * randn(1000) + 100
data2 = data1 + (10 * randn(1000) + 50)
corr,_ = pearsonr(data1, data2)
print('Pearsons correlation:', corr)
OUTPUT:
Pearsons correlation: 0.887611908579531
RESULT:
Thus the python program to calculate the Pearson correlation coefficient between two variables has
been implemented and executed successfully.
50
10. REGRESSION
AIM:
To write a program simple linear regression with scikit-learn.
ALGORITHM:
Step 1: Import The Packages And Classes.
Step 2: Provide Data To Work With And Eventually Do Appropriate Transformations.
Step 3: Create A Regression Model And Fit It With Existing Data.
Step 4: Check The Results Of Model Fitting To Know Whether The Model Is Satisfactory.
Step 5: Apply The Model For Predictions.
PROGRAM:
importnumpy as np
fromsklearn.linear_model import LinearRegression
x = np.array([5, 15, 25, 35, 45, 55]).reshape((-1, 1))
y = np.array([5, 20, 14, 32, 22, 38])
model = LinearRegression().fit(x, y)
r_sq = model.score(x, y)
print('coefficient of determination:', r_sq)
y_pred = model.predict(x)
print('predicted response:', y_pred)
OUTPUT:
coefficient of determination: 0.715875613747954
predicted response: [ 8.33333333 13.73333333 19.13333333 24.53333333 29.93333333
35.33333333]
RESULT:
Thus the python program simple linear regression with scikit-learn has been implemented and
executed successfully.
51
Ex No: 10 (b) MULTIPLE LINEAR REGRESSION
Date: 13-11-2021 WITH SCIKIT-LEARN
AIM:
To write a program multiple linear regression with scikit-learn.
ALGORITHM:
Step 1:Import Packages And Classes
Step 2: Provide Data
Step 3:Create A Model And Fit It
Step 4: Get Results
Step 5: Predict Response
PROGRAM:
importnumpy as np
fromsklearn.linear_model import LinearRegression
x = [[0, 1], [5, 1], [15, 2], [25, 5], [35, 11], [45, 15], [55, 34], [60, 35]]
y = [4, 5, 20, 14, 32, 22, 38, 43]
x, y = np.array(x), np.array(y)
model = LinearRegression().fit(x, y)
r_sq = model.score(x, y)
print('coefficient of determination:', r_sq)
print('intercept:', model.intercept_)
print('slope:', model.coef_)
y_pred = model.predict(x)
print('predicted response:', y_pred)
54
OUTPUT:
coefficient of determination: 0.8615939258756775
intercept: 5.52257927519819
slope: [0.44706965 0.25502548]
predicted response: [ 5.77760476 8.012953 12.73867497 17.9744479 23.97529728 29.4660957
38.78227633 41.27265006]
RESULT:
Thus the python program multiple linear regression with scikit-learn has been implemented and
executed successfully.
55