#string manipulation in python

s1=”kaashiv”
s2=”infotech”
print(repr(s1 and s2))
print(repr(s2 and s1))
print(repr(s1 or s2))
print(repr(s2 or s1))

——————————————
——————————————

# lets talk about split operator
s1=”kaashiv infotech is my company. Welcome to my online training on Python”
print( s1.split())

——————————————
——————————————

#Advance concepts in python — Templates in Python

from string import Template
student=([“Venkat”,95],[“Arun”,96],[“krishiv”,100],[“Asha”,99])
t=Template(“Hi,\n\n The student ‘$name’ got a marks of ‘$marks’ in the last semester.\n\nBy Principal\n”)

for i in student:
print(t.substitute(name=i[0],marks=i[1]))

——————————————
——————————————

# hi we are entering into one of the advanced concepts of python regular expressions
# the problem is to find the list of letters in a string
import re
pattern=re.compile(‘[a-d]’)
print(pattern.findall(“This is venkat from kaashiv infotech”))

——————————————
——————————————

pattern=re.compile(‘\d+’)
print(pattern.findall(“You can meet me at 11 am sharp or else at 12 pm sharp”))

——————————————
——————————————

variable=15
print(“The value of the data is %s”%variable) #implicit type conversion
print(“The value of the data is %d”%variable)
print(“The value of the data is %f”%variable)
print(“The value of the data is %r”%variable)

——————————————
——————————————

variable=int(’15’) #explicit type casting
print(“The value of the data is %d”%variable)

——————————————
——————————————

#create matrix
import numpy as np
matrix = np.array([[1, 4],
[2, 5]])

——————————————
——————————————

#Another way of Transposing the matrix
matrix=[(1,2,3),(4,5,6),(7,8,9),(10,11,12)]
for row in matrix:
print(row)
print(“\n”)
t_matrix = zip(*matrix)
for row in t_matrix:
print(row )

——————————————
——————————————

#Another way of Transposing the matrix
# Numpy transpose returns similar result when applied on 1D matrix
import numpy
matrix=[(1,2,3),(4,5,6),(7,8,9),(10,11,12)]
print(matrix)
print(“\n”)
print(numpy.transpose(matrix))

——————————————
——————————————

#Find rank of the matrix
np.linalg.matrix_rank(matrix)

——————————————
——————————————

# Return diagonal elements
# Create matrix
matrix = np.array([[1, 2, 3],
[4, 5, 6],
[7, 8, 9]])
matrix.diagonal()

——————————————
——————————————

# Calculate the trace of the matrix
matrix.diagonal().sum()

from sklearn import datasets
import matplotlib.pyplot as plt

# Load iris dataset
iris = datasets.load_iris()
#print(iris)
# Create feature matrix
X = iris.data

# View the first observation’s feature values
X
Y=iris.target
Y

lis = [2, 1, 3, 5, 4]

——————————————
——————————————

#in operator
if(4 in lis):
print(“the value is available in the list(IN condition)”)
#not in operator
if(4 not in lis):
print(“the value is not available in the list(NOT IN condition)”)
else:
print(“the value is available in the list(NOT IN condition)”)
# using len() to print length of list
print (“The length of list is : “, end=””)
print (len(lis))

——————————————
——————————————

# using min() to print minimum element of list
print (“The minimum element of list is : “, end=””)
print (min(lis))
——————————————
——————————————

# using max() to print maximum element of list
print (“The maximum element of list is : “, end=””)
print (max(lis))

——————————————
——————————————

#functions with variables pass by value… functions with parameters
def fun(message):
print(message)
fun(“Welcome to kaashiv infotech by venkat”)

——————————————
——————————————

#functions with variables pass by value… functions with parameters
def fun(name,age):
print(“The name of the student is ‘” + name +”‘ and the age is “+age)
fun(“venkat”,”26″)

——————————————
——————————————

#functions call with array of parameters
def fun(*field):
print(“The guy is good in ‘” + field[2])
fun(“venkat”,”26″,”Specialist in ML”) # 0 ,1, 2

——————————————
——————————————

def square(value):
return value*5
print(square(8))

——————————————
——————————————

# This function uses global variable s
def f():
#local scope
s=”Welcome to KaaShiv Infotech”
print (s)

# Global scope
s = “Venkat director of kaashiv infotech”
f()
print (s)

——————————————
——————————————

#parameters are not completely given.. partially given .. and dynamically added
from functools import partial

def fun(f,a,b,c):
return f*1000 + a *100 + b*10 + c # 4*1000 + 2*100 + 1*10 + 8
#4000 + 200 +10 + 8

g = partial(fun,4,2,1)

print(g(8))

——————————————
——————————————

#parameters are not completely given.. partially given .. and dynamically added
from functools import partial

def fun(a,b,c,d):
return a*1000 + b *100 + c*10 + d # 4*1000 + 2*100 + 1*10 + 8
#4000 + 200 +10 + 8

g = partial(fun,4,2,1)

print(g(8))

——————————————
——————————————

#parameters are not completely given.. partially given .. and dynamically added
from functools import partial

def fun(a,b,c,d):
return a*1000 + b *100 + c*10 + d # 8*1000 + 4*100 + 2*10 + 1
#8000 + 400 +20 + 1

g = partial(fun,b=4,c=2,d=1)

print(g(8))

——————————————
——————————————

from functools import partial

def fun(a,b,c,d):
return a*1000 + b *100 + c*10 + d # 8*1000 + 4*100 + 2*10 + 1
#8000 + 400 +20 + 1

g = partial(fun,a=4,b=2,c=1)

print(g(d=8))

——————————————
——————————————

# A Python program to demonstrate need
# of packing and unpacking

# A sample function that takes 4 arguments
# and prints them.
def fun1(a, b, c, d):
print(a, b, c, d)

# Driver Code
my_list = [1, 2, 3, 4]

# unpacking list
fun1(*my_list)

——————————————
——————————————

# A sample program to demonstrate unpacking of
# dictionary items using **
def fun(a, b, c):
print(a, b, c)

# A call with unpacking of dictionary
d = {‘a’:2, ‘b’:4, ‘c’:10}
fun(**d)

#################################Remove Missing Values#############

# Load library
import numpy as np
import pandas as pd
# Create feature matrix
X = np.array([[1, 2],
[6, 3],
[8, 4],
[9, 5],
[np.nan, 4]])
# Load data as a data frame
df = pd.DataFrame(X, columns=[‘feature_1’, ‘feature_2’])

# observations
df

# Remove observations with missing values
df.dropna()

################################# Create Data Frame #############

# Import required packages
from sklearn import preprocessing
import pandas as pd

raw_data = {‘patient’: [1, 1, 1, 2, 2],
‘obs’: [1, 2, 3, 1, 2],
‘treatment’: [0, 1, 0, 1, 0],
‘score’: [‘strong’, ‘weak’, ‘normal’, ‘weak’, ‘strong’]}
df = pd.DataFrame(raw_data, columns = [‘patient’, ‘obs’, ‘treatment’, ‘score’])

# Create a label (category) encoder object
le = preprocessing.LabelEncoder()

# Fit the encoder to the pandas column
le.fit(df[‘score’])

# View the labels (if you want)
list(le.classes_)

# Apply the fitted encoder to the pandas column
le.transform(df[‘score’])

#################################Preprocessing Iris Data#############

from sklearn import datasets
import numpy as np
from sklearn.model_selection import train_test_split
from sklearn.preprocessing import StandardScaler
# Load the iris data
iris = datasets.load_iris()

# Create a variable for the feature data
X = iris.data

# Create a variable for the target data
y = iris.target

iris

# Random split the data into four new datasets, training features, training outcome, test features,
# and test outcome. Set the size of the test data to be 30% of the full dataset.
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3, random_state=42)

############# Encoding Ordinal Categorical Features #########

# Load library
import pandas as pd
# Create features
df = pd.DataFrame({‘Score’: [‘Low’,
‘Low’,
‘Medium’,
‘Medium’,
‘High’]})

# View data frame
df

# Create mapper
scale_mapper = {‘Low’:1,
‘Medium’:2,
‘High’:3}

# Map feature values to scale
df[‘Scale’] = df[‘Score’].replace(scale_mapper)

# View data frame
df

############# Handling Outliers #########

# Load library
import pandas as pd

# Create DataFrame
houses = pd.DataFrame()
houses[‘Price’] = [534433, 392333, 293222, 4322032]
houses[‘Bathrooms’] = [2, 3.5, 2, 116]
houses[‘Square_Feet’] = [1500, 2500, 1500, 48000]

houses

houses = pd.DataFrame(
{
‘Price’ : [534433, 392333, 293222, 4322032],
‘Bathrooms’ : [2, 3.5, 2, 116],
‘Square_Feet’ : [1500, 2500, 1500, 48000]
}
)
houses

# Drop observations greater than some value
houses[houses[‘Bathrooms’] < 20]

# Load library
import numpy as np

# Create feature based on boolean condition
houses[‘Outlier’] = np.where(houses[‘Bathrooms’] < 20, 0, 1)

# Show data
houses

# Log feature
houses[‘Log_Of_Square_Feet’] = [np.log(x) for x in houses[‘Square_Feet’]]

# Show data
houses

###Discretize Features#######

############# Binarization is the process of transforming data
############# features of any entity into vectors of binary numbers
############# to make classifier algorithms more efficient.
############# In a simple example, transforming an image’s gray-scale
############# from the 0-255 spectrum to a 0-1 spectrum is binarization.
############# Binarization is the process of transforming data features of
############# any entity into vectors of binary numbers to make classifier
############# algorithms more efficient. In a simple example,
############# transforming an image’s gray-scale from the 0-255 spectrum
############# to a 0-1 spectrum is binarization. #########

# Load libraries
from sklearn.preprocessing import Binarizer
import numpy as np

# Create feature
age = np.array([[6],
[12],
[20],
[36],
[65]])

# Create binarizer
binarizer = Binarizer(35)

# Transform feature
binarizer.fit_transform(age)

# Bin feature
np.digitize(age, bins=[5,20,90])

——————————————
——————————————

OOPS Concept – Class Object Concepts

——————————————
——————————————

class venkatclass:

def venkatfun(self):
print (“This is venkat function available in the class Access it from the object”)

venkatObj = venkatclass()
venkatObj.venkatfun()

——————————————
——————————————

class venkatclass:

def venkatfun(self):
print (“This is venkat function available in the class Access it from the object”)
def venkatfun1(self):
print (“This is venkat function1 available in the class Access it from the object”)

venkatObj = venkatclass()
venkatObj.venkatfun()
venkatObj.venkatfun1()

——————————————
——————————————

## __init__ is the constructor
class venkatclass:
def __init__(self,name):
self.name= name
def venkatfun(self):
print(“The given name along with object creation is ” + self.name)

venkatObj = venkatclass(“venkat”)
venkatObj.venkatfun()

——————————————
——————————————

## __init__ is the constructor
class venkatclass:
def __init__(self,a,b):
self.a= a
self.b= b
def venkatfun(self):
print(“The sum of the values are ” + str(self.a + self.b))

venkatObj = venkatclass(10,20)
venkatObj.venkatfun()

——————————————
——————————————

Inheritance in Python

——————————————
——————————————

class FatherClass: ##base class
def venkatFatherFun(self):
print(“Father class Accessed”)

class ChildClass(FatherClass): ##child class
def venkatChildFun(self):
print(“Child class Accessed”)
#Simple inheritance one father to one child
venkatChildObject = ChildClass()
venkatChildObject.venkatChildFun()
venkatChildObject.venkatFatherFun() #create child object and access father methods

——————————————
——————————————

class FatherClass: ##base class
def _venkatFatherFun_(self):
print(“Father class Accessed”)

class ChildClass(FatherClass): ##child class
def venkatChildFun(self):
print(“Child class Accessed”)
#Simple inheritance one father to one child
venkatChildObject = ChildClass()
venkatChildObject.venkatChildFun()

venkatFatherObject = FatherClass()
venkatFatherObject._venkatFatherFun_() #create child object and access father methods

——————————————
——————————————

class FatherClass: ##base class
def _venkatFatherFun_(self):
print(“Father class Accessed”)

class ChildClass(FatherClass): ##child class
def venkatChildFun(self):
print(“Child class Accessed”)
#Simple inheritance one father to one child
venkatChildObject = ChildClass()
venkatChildObject.venkatChildFun()

venkatChildObject._venkatFatherFun_() #create child object and access father methods

——————————————
——————————————

class FatherClass: ##base class
def __venkatFatherFun__(self):
print(“Father class Accessed”)

class ChildClass(FatherClass): ##child class
def venkatChildFun(self):
print(“Child class Accessed”)
#Simple inheritance one father to one child
venkatChildObject = ChildClass()
venkatChildObject.venkatChildFun()

venkatChildObject.__venkatFatherFun__() #create child object and access father methods

——————————————
——————————————

class FatherClass: ##base class
def venkatFatherFun(self):
print(“Father class Accessed”)

class ChildClass(FatherClass): ##child class
def venkatChildFun(self):
print(“Child class Accessed”)

class GrandChildClass(ChildClass): ##Grand child class
def venkatGrandChildFun(self):
print(“GrandChild class Accessed”)

venkatGrandChildObject = GrandChildClass()
venkatGrandChildObject.venkatGrandChildFun()
venkatGrandChildObject.venkatChildFun()
venkatGrandChildObject.venkatFatherFun()

——————————————
——————————————

Try Catch in Python

#program to dynamically get input values
a = int(input(‘Enter the value of a’))
b = int(input(‘Enter the value of b’))
c=a/b
print(“The value of c is ” + str(c))

——————————————
——————————————

#no error while running .. no compilation error…
try:
a = int(input(‘Enter the value of a’))
b = int(input(‘Enter the value of b’))
c=a/b
print(“The value of c is ” + c)
except:
print(“We received the run time error”)
#got a run time error and it is handled clearly using try except loop

——————————————
——————————————

#no error while running .. no compilation error…
try:
a = int(input(‘Enter the value of a’))
b = int(input(‘Enter the value of b’))
c=a/b
print(“The value of c is ” +str( c))
except:
print(“We received the run time error”)
else:
print(“After a valid works this else loop will work”)

——————————————
——————————————

# Handling specific error
try:
a = int(input(‘Enter the value of a’))
if a>10:
print(“Valid data”)
else:
raise ValueError

except ValueError:
print(“Machi there is a big issue with data”)


KaaShiv InfoTech Internship in Chennai Average rating: 5, based on 99991 reviews
Internship For CSE Students In Chennai | Internship For IT Students In Chennai | Internship For ECE Students In Chennai | Internship For EEE Students In Chennai | Internship For EIE Students In Chennai | Internship For Mechanical Engineering Students In Chennai | Internship For Civil Students In Chennai | Internship For Biotech Students In Chennai | Internship For BBA Students In Chennai | Internship For MBA Students In Chennai | Internship For MBA HR Students In Chennai | Internship For BSC Students In Chennai | Internship For MSC Students In Chennai | Internship For BCA Students In Chennai | Internship For MCA Students In Chennai | Internship For B.Com Students In Chennai | Internship For M.Com Students In Chennai | python training in chennai | web designing in chennai | dotnet training in chennai | java training in chennai | php training in chennai | networking training in chennai | android training in chennai | bigdata training in chennai | cloud computing training in chennai | ethical hacking training in chennai | blockchain training in chennai | robotics training in chennai | oracle training in chennai | c training in chennai | R programming training in chennai | ccna training in chennai | artificial intelligence training in chennai | machine learning training in chennai | sql server training in chennai | iot training in chennai | data science training in chennai | selenium testing training in chennai | c++ testing training in chennai | linux training in chennai | embedded training in chennai | mean stack training in chennai | mern stack training in chennai | mongodb training in chennai | data analytics course in chennai | react js training in chennai | angular js training in chennai | data analysis course in chennai | nodejs training in chennai | cyber security course in chennai | computer application course in chennai | digital marketing course in chennai | information science course in chennai | penetration testing course in chennai | software testing course in chennai | virtual reality course in chennai | content writing course in chennai | full stack developer course in chennai | internship for cse students | internship for it students | internship for ece students | internship for eee students | internship for mechanical engineering students | internship for aeronautical engineering students | internship for civil engineering students | internship for bcom students | internship for bcom students | internship for bca students | internship for mca students | internship for biotechnology students | internship for biomedical engineering students | internship for bsc students | internship for msc students | internship for bba students | internship for mba students | online internship for cse students | online internship for ece students | online internship for eee students | online internship for it students | online internship for mechanical engineering students | online internship for aeronautical engineering students | online internship for civil engineering students | online internship for bcom students | online internship for mcom students | online internship for bca students | online internship for mca students | online internship for biotech students | online internship for biomedical students | online internship for bsc students | online internship for msc students | online internship for bba students | online internship for mba students | internship in chennai for CSE students | internship in chennai for IT students | internship in chennai for ECE students | internship in chennai for EEE students | internship in chennai for EIE students | internship in chennai for MECH students | internship in chennai for CIVIL students | internship in chennai for BIOTECH students | internship in chennai for AERO students | internship in chennai for BBA students | internship in chennai for MBA students | internship in chennai for MBA HR students | internship in chennai for B.Sc students | internship in chennai for M.Sc students | internship in chennai for BCA students | internship in chennai for MCA students | internship in chennai for B.Com students | internship in chennai for M.Com students | Data Science Internship in Chennai | Artificial Intelligence Internship in Chennai | Web Development Internship in Chennai | Android Internship in Chennai | Cloud Computing Internship in Chennai | .Net Internship in Chennai | JAVA Internship in Chennai | Ethical Hacking Internship in Chennai | IOT Internship in Chennai | Machine Learning Internship in Chennai | Networking Internship in Chennai | Robotics Internship in Chennai | Matlab Internship in Chennai | interning meaning in tamil | internship meaning tamil | internship meaning in tamil | internship for be ece students | internship feedback | internship for cse 3rd year students | internship for 3rd year cse students | internship completion letter word format | intern experience letter | experience letter for internship | internship experience letter | feedback for internship | inplant training certificate | ethical hacking internship | internship for 1st year engineering students | online internships for bba students | project topics for m.sc computer science | online internship for bca students | internship for ece students in core companies | robotics courses chennai | robotic classes in chennai | msc cs project topics | implantation training | company internship letter format | internship experience letter template | information technology final year projects | internship letter format from company to students | inplant training in chennai for mechanical | inplant training in chennai for mechanical students | intern meaning in tamil | internship tamil meaning | interns meaning in tamil | characteristics software | python programming internship | internship letter of completion | ece student internship | characteristics of artificial intelligence systems | internship for ece students | online internship for engineering students | web designing course in chennai | aeronautics internship | cse domains | online internships for btech students | internship in aeronautical engineering | online internship for bba students | internship for bcom students in chennai | internship for b.com students in chennai | internship for aeronautical engineering | domains for cse | robotics courses in chennai | cse project domains | online internship for b.com students | project domain for computer science | robotics classes chennai | domains for cse projects | internship for first year engineering students | inplant training meaning in tamil | internships for aeronautical engineering students | internship for b com students in chennai | online internship for engineering students with certificate | robotics classes in chennai | inplant training means | inplant training meaning | online internship for btech students | web designing course in chennai fees | software characteristics in software engineering | online internship with certificates | characteristics of artificial intelligence | characteristics of ai | internship ece students | internship ece | internship for electronics and communication engineering students | ece internship | aircraft engineering internship | web design courses in chennai | internship for eee engineering students | internship completion letter sample | online internship for computer science students | web designing course chennai tamil nadu | online internships for cs students | web design course in chennai | stipend internship for cse students | msc project topics in computer science | networking course in chennai | web designing course chennai | web design course chennai | online internships for engineering students | network courses in chennai | engineering internships for first year students | online internship for mba students | php training institute in chennai | internship letter format from company | characteristics of software in software engineering | ai characteristics | internships on python | artificial intelligence characteristics | internship in cloud computing | letter of completion internship | bca internship | internships ece | internship for bca students | company internship letter | internships for bca students | domains for projects | mini project titles for mca | mini project for mca | internship for computer science students in bangalore | internship in bangalore for computer science students | mca mini project titles | internship for eee students | project ideas for msc computer science | networking courses chennai | mba final year project | mca mini project | internship for electrical and electronics engineering students | internship letter sample from company | networking course chennai | python internship for freshers | bba interview questions | internships for cse students in bangalore | hacking classes in chennai | internship completion letter template | main features of oops | internship for cs students in bangalore | internship for 2nd year cse students | application of oops in java | inplant training | oop application | mini computer science projects | online internship for it students | internship on python | python programming internships | letter of completion of internship | artificial intelligence internship | python internship work from home | web development internship certificate | mini project mca | geoinformatics internship | mini project topics in mca | domain for project | internship for ece students in government sector | applications of oops in java | mini project for mca topics | iot internship | internships for biomedical engineering | iot intern | mca mini project ideas | mini project ideas for mca | data science internship in chennai | abstract for mini projects | internship completion letter format | biotech internships for undergraduates | internship for bsc biotechnology students | web development courses in chennai | mini project topics for cse 2nd year | full stack developer course fees in chennai | web development courses chennai | python full stack developer course in chennai | mini project topics for cse 3rd year | what are characteristics of software | mini project for computer engineering | government internship for civil engineering students | hacking course chennai | top service based company in india | certification internship | software characteristics | oop features | oops applications | internship bsnl | features of oop | characteristic of software | characteristics of software | internship for python | cse mini project ideas | characteristics of software engineering | software engineering characteristics | internship completion letter | mini projects ideas for cse students | application of oops | ethical hacking course in chennai | internship in sql | civil engineer internship certificate | civil engineering internship certificate | internship for aerospace engineering | ccna networking course in chennai | internship for bca student | internship for civil engineering student | mba internship chennai | characteristics of software process | mini project topics for mca | mini projects for mca | projects domain | unix architecture explanation | biomedical engineer intern | what are the features of oops | full stack developer internship in chennai | internship in php | biomedical engineering internships | applications of oop in java | internship for aerospace engineering students | internships for mca students | what are the features of oop | biomedical engineer internship | aws cloud virtual internship | bba hr project topics | bba project topics in hr | architecture of unix with diagram | what is software characteristics | internship letter from company | inplant training for it | examples of service based companies | inplant training in chennai for cse students | python internships | python internship | mechanical internships | cloud internship | electrical internships | mini project computer science | features of oops | mini projects for cse | mini project cse | mini projects topics for cse | cse mini projects ideas | online internship with certificate | characteristic of software engineering | mini project for cse topics | mini projects cse | characteristics of software engineer | internship in python | internship of mechanical engineering | internship certificate format in word | mini projects for cse students topics | application of object oriented programming | applications of object oriented programming | project for mba | oracle training in chennai chennai tamil nadu | internship certificate word format | mechanical engineering students internship | sql internship | b ed internship certificate | training internship certificate | intern feedback | aero internships | chennai internship companies | features of software | mini projects for computer science students | bca interview questions | online internship for computer engineering students | domains in cse | government internship for electrical engineering students | net framework architecture with diagram | service based it companies | internship acceptance letter by company | internship for 1st year students | internship first year | sql courses in chennai | internship on networking | internship in computer networking | hr project topics for bba | best internships for cse students | explain net framework architecture with diagram | cloud computing in chennai | explain the architecture of unix operating system | explain architecture of unix operating system | cloud computing course in chennai | ethical hacking course chennai | web developer course in chennai | cloud courses in chennai | internship python | mechanical internship | bhel internship | oops application | mini project in computer science | mini project for cse | cse student internship | cse students internship | architecture of unix operating system | mini projects in computer science | cse mini project | unix operating system architecture | mini project topics in cse | mini project topics for cse | topics for mini project for cse | full stack developer course in chennai | internship for b.com students | characteristics of artificial intelligence problems | internship for bba students | mini project ideas for cse students | ccna certification in chennai | internship for mechanical engineering student | internship for mechanical engineering students | ccna certification chennai | mini project for computer science students | object oriented applications | internship in chennai with stipend | internship html css | internship certificate civil engineering | ideas for cse mini projects | full stack developer course fee in chennai | python developer internship | paid internships for cse students | paid internship for btech students | internships for bsc students | acceptance letter internship | major project for mca final year | service based company examples | electrical engineering student internships | unix kernel architecture diagram | cloud computing courses chennai | example of service based company | computer engineering mini projects | cloud computing certification in chennai | computer engineering mini project | service based companies examples | applications of oops | project for information technology | internship in cybersecurity | minor project topics for cse | internship permission letter | data science internship work from home | explain.net framework architecture | interview question for bca | internship online for students | cloud computing chennai | project for mca final year | b sc computer science project topics | mini project for cse students | mini projects for cse students | sql course in chennai | top service based companies in india | explain net framework architecture | architecture unix | aws internships | mba projects | aws internship | bba internship | internships for computer science undergraduates | mini projects ideas for cse | mini project ideas for computer science | mini cse projects | cse mini projects | cse mini project titles | mini project ideas for cse | internship for java | ccna classes in chennai | acceptance letter of internship | hacking course near me | internship for civil engineering students | internship on java | internship artificial intelligence | internship in embedded systems | internship bba students | internship in bhel | aws cloud internships | matlab internship | characteristics of good software design | unix os architecture diagram | certified ethical hacking course in chennai | oracle internship in india | domains in computer science engineering | project domain | placement meaning in tamil | electronics internship | ccna course chennai | request letter for internship training | oracle training in chennai | full stack course in chennai | major projects for mca final year | student request letter for internship training | sql classes in chennai | networking internships | object oriented programming application | oracle training chennai | php internships | aws cloud internship | service industry companies in india | bba final year project topics list | best internship for computer science students | full stack development course in chennai |
× How can I help you?