• Chennai, Bangalore & Online: 93450 45466Coimbatore: 95978 88270Madurai: 97900 94102

  • Top 10 Python Libraries



    In this blog, I will talk about the famous 10 libraries of python with their features along with examples. 

      Opencv Python 
      BeautifulSoup 
      Requests
      Numpy
      Scikit Learn 
      Tensorflow 
      Matplotlib
      SqlAlchemy
      PyQt

    Opencv Python

    Opencv or Open Source Computer Vision is a library for image processing, machine learning, and computer vision applications, etc. originally developed by Intel.

    What You Can Do With OpenCV

    Process images and videos to identify objects
    Document field detection
    Detection of specific color
    Detect edges of an image
    Cartoonize an image
    Facial Landmarks and Face detection
    Camera calibration and 3D reconstruction

    Image blurring with Opencv Python

    Here is an example of blurring an image using gaussian blurring with OpenCV library.

    import cv2

    import numpy as np

     

    image = cv2.imread(‘got.png’)

     

    cv2.imshow(‘Real Image’, imag)

    cv2.waitKey(0)

     

    # Gaussian Blurring

    gauss = cv2.GaussianBlur(image, (8, 8), 0)

    cv2.imshow(‘gaussian blurring’, Gaussian)

    cv2.waitKey(0)

    cv2.destroyAllWindows()

    Output for the above program

    With this documentation, you can start making your own detection models.

    Tensorflow

    Google Brain team’s, Tensorflow can be used to implement machine learning, deep learning, or neural network applications. Tensorflow is most famous because of its processing distribution between GPUs and CPUs. Tensorflow supports high level APIs and low level APIs for distribution.

    A tensor can be described as an array of 0,1,2,3 or a higher dimensional array with homogenous data, upon which the scientific calculations are done just like numpy arrays with three properties as shape, size, and type.

    With Tensorflow you can create

    Convolution Neural Networks(CNNs)
    Natural Language Processing(NLP)
    Recurrent Neural Network(RNN)

    Example of creating tensor in Tensorflow

    # Program to create tensor in tensorflow

     

    import tensorflow as tf

    with tf.compat.v1.Session() as sess:

         x = tf.range(12.0, 100.0, delta = 25.5)

         y= tf.range(80.0, delta = 25.5, name =”y”)

         print(x)

         print(sess.run(x))

         print()

         print(y)

         print(sess.run(y))

    Output for the above program

    Tensor(“range_1:0”, shape=(4,), dtype=float32)

    [12. 37.5 63. 88.5]


    Tensor(“y_1:0”, shape=(4,), dtype=float32)

    [ 0. 25.5 51. 76.5]

    Matplotlib

    Matplotlib is a 2-D plotting or data visualization library, originally written by John D. Hunter. Matplotlib can be used to embed graphs, diagrams, or plots in web applications with flask, Django, or desktop applications such as Pyqt, Tkinter,wxpython, etc.

    What you can plot with matplotlib

    bar charts
    pie charts
    Histograms
    Scatter plots
    error charts
    Power spectra
    Stem plots

    And all other charts that you want to visualize..

    Example of plotting scatter plot using Matplotlib

    import pandas as pd

    import matplotlib.pyplot as plt

    %inline matplotlib # to prevent opening of plot in a new window


    df = pd.read_csv(‘percapita.csv’) # reading data from a csv file


    plt.xlabel(‘years (1960-2016’)) # labeling x axis

    plt.ylabel(‘per capita (dollars)’) # labeling y axis


    plt.scatter(df.year,df.per_capita,color=blue)


    # plotting mean values of year and capital

    plt.scatter(np.mean(df.year),np.mean(df.per_capita),color=’red’)

    Output for the above program

    <matplotlib.collections.PathCollection at 0x7f3d8322e898>

    Numpy

    Numpy or Numerical python is a free and open-source library for working with n-dimensional arrays or ndarrays. It is often used with other libraries such as scipy, matplotlib, Pandas, scikit for scientific computations for various data science or machine learning applications. Numpy is partly written in Python and the rest with C and C++.

    Use Of Numpy

    Easily working with arrays of high dimension.
    Mathematical operations can be effortlessly applied.
    Applying statistical implementations across arrays.
    Widely used in data science, machine learning projects. 

    Example for converting an array of temperatures in Celsius to Fahrenheit using numpy.

    cel_arr = np.array([20.2,20.4,22.9, 21.5,23.7, 25.3,21.8,24.2,20.9, 22.1])

    print(cel_arr)


    feh_arr = cel_arr * (9 / 5) + 32

    print(feh_arr)

    Output for the above program

    [20.2 20.4 22.9 21.5 23.7 25.3 21.8 24.2 20.9 22.1]

    [68.36 68.72 73.22 70.7 74.66 77.54 71.24 75.56 69.62 71.78]

    Scikit Learn

    Scikit Learn is a python library mostly used along with numpy and pandas for working with complicated or complex data.

    It is used for cross validations such as checking the precision of unsupervised and supervised models with various algorithms.

    Scikit learn is used for

    Classification, grouping, or sorting of datasets.
    Clustering and Model selection
    For Regressions such as Linear, Logistic, Multiple, or binomial regression.
    Extracting objects or features from images and documents.

    Here is an example from scikit-learn exercises for cross-validation of the diabetes dataset.

    import numpy as np

    import matplotlib.pyplot as plt


    from sklearn import datasets

    from sklearn.linear_model import LassoCV

    from sklearn.linear_model import Lasso

    from sklearn.model_selection import KFold

    from sklearn.model_selection import GridSearchCV


    X, y = datasets.load_diabetes(return_X_y=True)

    X = X[:150]

    y = y[:150]


    lasso = Lasso(random_state=0, max_iter=10000)

    alphas = np.logspace(-4, -0.5, 30)


    tuned_parameters = [{‘alpha’: alphas}]

    n_folds = 5


    clf = GridSearchCV(lasso, tuned_parameters, cv=n_folds, refit=False)

    clf.fit(X, y)

    scores = clf.cv_results_[‘mean_test_score’]

    scores_stdv = clf.cv_results_[‘std_test_score’]

    plt.figure().set_size_inches(8, 6)

    plt.semilogx(alphas, scores)


    std_error = scores_stdv / np.sqrt(n_folds)

    plt.semilogx(alphas, scores + std_error, ‘b–‘)

    plt.semilogx(alphas, scores – std_error, ‘b–‘)


    plt.fill_between(alphas, scores + std_error, scores – std_error, alpha=0.2)


    plt.ylabel(‘CV score +/- std error’)

    plt.xlabel(‘alpha’)

    plt.axhline(np.max(scores), linestyle=’–‘, color=’.5′)

    plt.xlim([alphas[0], alphas[-1]])


    plt.show()

    Output for the above program

    Cross validation is a technique for testing the effectiveness of a model and to evaluate if we have enough data.

    Check out this Complete Online Data Science Course by FITA, which includes Supervised, Unsupervised machine learning algorithms, Data Analysis Manipulation and visualization, reinforcement testing, hypothesis testing, and much more to make an industry required data scientist at an affordable price, which includes certification, support with career guidance assistance with an active placement cell, to make you an industry required certified data scientist.

    Requests

    Requests is one of the famous libraries for making Http requests using python, for human beings.

    Requests is used in

    Read the response from the requested url.
    Send a GET, POST, PUT, DELETE requests with its methods.
    Handle exceptions.
    Customize headers and data of the url.

    Example program for scraping the FITA website with requests.

    import requests


    x = requests.get(‘https://www.fita.in/’)

    print(x.status_code) # output: 200

    print(x.headers[‘Date’]) # output: Wed, 23 Sep 2020 16:02:02 GMT

    print(x.headers[‘Keep-alive’]) # output: timeout=5, max=100

    print(x.text)

    Output for the above program

    <!DOCTYPE html>

    <html lang=”en-US”>

    <head>

    <meta charset=”UTF-8″>

    <meta name=”viewport” content=”width=device-width, initial-scale=1″>

    <link rel=”profile” href=”https://gmpg.org/xfn/11″>

    <link rel=”pingback” href=”https://www.fita.in/xmlrpc.php”>

    <link rel=”shortcut icon” type=”image/png” href=”/wp-content/uploads/2019/07/favicvon.png”/>


    <!– This site is optimized with the Yoast SEO Premium plugin v14.9 – https://yoast.com/wordpress/plugins/seo/ –>

    <title>FITA : Java, Hadoop, Android, AngularJS, Selenium, Software Testing, PHP, German, Salesforce, SEO, AngularJS, AWS, Cloud Computing, RPA, DevOps, IoT, Blockchain, Data Science, Digital Marketing, Python, Ethical Hacking, Dot Net Training in Chennai, Coimbatore, Madurai &amp; Bangalore</title>

    <meta name=”description” content=”FITA – Best Dot Net, JAVA, Selenium, Software Testing, PHP, SEO, Android, AngularJS, Hadoop, AWS, Cloud Computing, DevOps, Salesforce, RPA, Blockchain, Digital Marketing, Data Science, Ethical Hacking, Python, German &amp; Oracle Training in Chennai, Coimbatore, Madurai &amp; Bangalore” />

    <meta name=”robots” content=”index, follow, max-snippet:-1, max-image-preview:large, max-video-preview:-1″ />

    ….

    Check out this Online Python Course by FITA. FITA provides a complete Python course that covers all the beginning and the advanced concepts of python including Django, along with hands on building real-time projects like Bitly and Twitter using Django Framework, along with placement support, and certification at an affordable price with an active placement cell, to make an industry required certified python and Django developer.

    Beautiful Soup

    Beautiful soup is a python library for parsing data from the websites or for web scraping. It removes all those tags and styles from the source code and only uses the data that we want without having to reload the page, like the search for a <a> tag and return only its href value.

    Scraping data with Beautiful Soup involves the following steps

    Get the URL of the site.
    Send a request to the server
    Read the response from the server
    Inspect the page and select elements you want
    Parse using a scraper and store the data.

    Example program for scraping all the courses available at FITA using Beautiful Soup

    import requests

    from bs4 import BeautifulSoup


    url = requests.get(‘https://www.fita.in’)

    page = url.content

    soup = BeautifulSoup(page,’html.parser’)

    links = soup.find_all(‘div’,class_=’course-name’)

    for i in links:

    link = i.find(‘h4’)

    print(link.text.strip())

    Output

    Java & J2EE Training

    BigData Hadoop Training

    Dot Net Training

    Android Training

    iOS Training

    Software Testing Training

    Selenium Training

    Mobile Testing Training

    QTP Training

    Load Runner Training

    Web Designing Training

    Angular Training

    PHP Training

    Digital Marketing Training

    SEO Training

    Cloud Computing Training

    Salesforce Training

    AWS Training

    MS Azure Training

    VMWare Training

    Informatica Training

    SAS Training

    R Training

    Advanced Excel Training

    PEGA Training

    Oracle Developer Training

    Oracle DBA Training

    SQL Server Training

    SQL Training

    MySQL Training

    C & C++ Training

    Python Training

    Unix Training

    Networking/CCNA Training

    Ethical hacking Training

    Spoken English Classes

    German Training

    French Training

    Japanese Training

    Spanish Training

    Aptitude & Placement Training

    Inplant Training

    Leadership Training

    Embedded Training

    Spring Training

    Hibernate Training

    Struts Training

    MS Dynamics CRM Training

    WordPress Training

    JBPM Training

    Apache Spark Training

    Final Year Training

    Sharepoint Training

    Blue Prism Training

    DevOps Training

    Well, you can surely grab any of these courses at an offline or online mode with this link at an affordable price.

    sqlalchemy

    Sqlalchemy is a famous ORM or Object Relational mapper for Python, which converts the user defined classes to SQL database or tables. All the operations of raw SQL can be performed using Python classes(inheriting models from sqlalchemy) and will be mapped to the databases.

    Companies using Sqlalchemy

    FreshBooks
    WeGetFinancing
    DropBox
    The OpenStack Project
    Yelp!
    Survey Monkey

    Example of creating a table with sqlalchemy

    from sqlalchemy import create_engine

    from sqlalchemy.ext.declarative import declarative_base


    engine = create_engine(‘sqlite:///:memory:’, echo=True)

    Base = declarative_base()

    from sqlalchemy import Column, Integer, String


    class User(Base):

    __tablename__ = ‘Friends’


    id=Column(Integer, primary_key=True)

    fullname = Column(String)

    nickname = Column(String)


    def __repr__(self):

    return “<User(fullname=’%s’, nickname=’%s’)>” % (

    self.fullname, self.nickname)

    Which will create a table as follows

    Table(Friends’, MetaData(bind=None),

    Column(‘id’, Integer(), table=<users>, primary_key=True,nullable=False),

    Column(‘fullname’, String(), table=<users>),

    Column(‘nickname’, String(), table=<users>), schema=None)

    PyQt5

    Pyqt5 is a library for creating desktop applications or interacting programs using GUI.PyQt5 is the latest version of pyQt, it lets you use the Qt GUI framework and Qt designer for making the layout of the application. An alternative to Pyqt would be Tkinter, which is lightweight and lets the developer decide the layout and components.

    Here is an example picture of an application I made with pyqt for cricket score evaluation.

    You can have a glimpse of the source code for this application here

    Pytest: Helps you write a better program

    Whether you are writing a small program or a complex one, a program for deployment or for development, testing the program is important in every stage, therefore pytest can help you code failures, fixtures, and much more.

    Features of Pytest

    Automatically find and run tests.
    Supports parallel testing
    Simple but powerful fixture model
    Can generate test reports in various forms (html report,json report, etc)

    You can find the full documentation of pytest here.

    To get in-depth knowledge of Python along with its various applications and real-time projects like twitter and bitly clone with Django, you can enroll in Python Training in Chennai or Python Training in Bangalore by FITA, which covers all the basics and advanced concepts of python including exception handlings, regular expressions, along with building real-time projects like Bitly and Twitter with Django, or enroll for a Data science course at Chennai or Data science course in Bangalore which includes Supervised, Unsupervised machine learning algorithms, Data Analysis Manipulation and visualization, reinforcement testing, hypothesis testing and much more to make an industry required data scientist at an affordable price, which includes certification, support with career guidance assistance and an active placement cell, to make you an industry required certified data scientist and python developer.






    Quick Enquiry

    Please wait while submission in progress...


    Contact Us

    Chennai

      93450 45466

    Bangalore

     93450 45466

    Coimbatore

     95978 88270

    For Hiring

     93840 47472
     hr@fita.in

    Corporate Training

     90036 23340


    FITA Academy Branches

    Chennai
    Bangalore
    Coimbatore
    Other Locations
    FITA Academy - Velachery
    Plot No 7, 2nd floor,
    Vadivelan Nagar,
    Velachery Main Road,
    Velachery, Chennai - 600042
    Tamil Nadu

        :   93450 45466

    FITA Academy - Anna Nagar
    No 14, Block No, 338, 2nd Ave,
    Anna Nagar,
    Chennai 600 040, Tamil Nadu
    Next to Santhosh Super Market

        :   93450 45466

    FITA Academy - T Nagar
    05, 5th Floor, Challa Mall,
    T Nagar,
    Chennai 600 017, Tamil Nadu
    Opposite to Pondy Bazaar Globus

        :   93450 45466

    FITA Academy - Tambaram
    Nehru Nagar, Kadaperi,
    GST Road, West Tambaram,
    Chennai 600 045, Tamil Nadu
    Opposite to Saravana Jewellers Near MEPZ

        :   93450 45466

    FITA Academy - Thoraipakkam
    5/350, Old Mahabalipuram Road,
    Okkiyam Thoraipakkam,
    Chennai 600 097, Tamil Nadu
    Next to Cognizant Thoraipakkam Office and Opposite to Nilgris Supermarket

        :   93450 45466

    FITA Academy - Porur
    17, Trunk Rd,
    Porur
    Chennai 600116, Tamil Nadu
    Above Maharashtra Bank

        :   93450 45466

    FITA Academy Marathahalli
    No 7, J J Complex,
    ITPB Road, Aswath Nagar,
    Marathahalli Post,
    Bengaluru 560037

        :   93450 45466

    FITA Academy - Saravanampatty
    First Floor, Promenade Tower,
    171/2A, Sathy Road, Saravanampatty,
    Coimbatore - 641035
    Tamil Nadu

        :   95978 88270

    FITA Academy - Singanallur
    348/1, Kamaraj Road,
    Varadharajapuram, Singanallur,
    Coimbatore - 641015
    Tamil Nadu

        :   95978 88270

    FITA Academy - Madurai
    No.2A, Sivanandha salai,
    Arapalayam Cross Road,
    Ponnagaram Colony,
    Madurai - 625016, Tamil Nadu

        :   97900 94102

    FITA Academy - Pondicherry
    410, Villianur Main Rd,
    Sithananda Nagar, Nellitope,
    Puducherry - 605005
    Near IG Square

        :   93635 21112

  • Trending Courses

    JAVA Training In Chennai Dot Net Training In Chennai Software Testing Training In Chennai Cloud Computing Training In Chennai AngularJS Training in Chennai Big Data Hadoop Training In Chennai Android Training In Chennai iOS Training In Chennai Web Designing Course In Chennai PHP Training In Chennai Digital Marketing Course In Chennai SEO Training In Chennai

    Oracle Training In Chennai Selenium Training In Chennai Data Science Course In Chennai RPA Training In Chennai DevOps Training In Chennai C / C++ Training In Chennai UNIX Training In Chennai Placement Training In Chennai German Classes In Chennai Python Training in Chennai Artificial Intelligence Course in Chennai AWS Training in Chennai Core Java Training in Chennai Javascript Training in ChennaiHibernate Training in ChennaiHTML5 Training in ChennaiPhotoshop Classes in ChennaiMobile Testing Training in ChennaiQTP Training in ChennaiLoadRunner Training in ChennaiDrupal Training in ChennaiManual Testing Training in ChennaiSpring Training in ChennaiStruts Training in ChennaiWordPress Training in ChennaiSAS Training in ChennaiClinical SAS Training in ChennaiBlue Prism Training in ChennaiMachine Learning course in ChennaiMicrosoft Azure Training in ChennaiUiPath Training in ChennaiMicrosoft Dynamics CRM Training in ChennaiUI UX Design course in ChennaiSalesforce Training in ChennaiVMware Training in ChennaiR Training in ChennaiAutomation Anywhere Training in ChennaiTally course in ChennaiReactJS Training in ChennaiCCNA course in ChennaiEthical Hacking course in ChennaiGST Training in ChennaiIELTS Coaching in ChennaiSpoken English Classes in ChennaiSpanish Classes in ChennaiJapanese Classes in ChennaiTOEFL Coaching in ChennaiFrench Classes in ChennaiInformatica Training in ChennaiInformatica MDM Training in ChennaiBig Data Analytics courses in ChennaiHadoop Admin Training in ChennaiBlockchain Training in ChennaiIonic Training in ChennaiIoT Training in ChennaiXamarin Training In ChennaiNode JS Training In ChennaiContent Writing Course in ChennaiAdvanced Excel Training In ChennaiCorporate Training in ChennaiEmbedded Training In ChennaiLinux Training In ChennaiOracle DBA Training In ChennaiPEGA Training In ChennaiPrimavera Training In ChennaiTableau Training In ChennaiSpark Training In ChennaiGraphic Design Courses in ChennaiAppium Training In ChennaiSoft Skills Training In ChennaiJMeter Training In ChennaiPower BI Training In ChennaiSocial Media Marketing Courses In ChennaiTalend Training in ChennaiHR Courses in ChennaiGoogle Cloud Training in ChennaiSQL Training In Chennai CCNP Training in Chennai PMP Training in Chennai OET Coaching Centre in Chennai

  • Are You Located in Any of these Areas

    Adyar, Adambakkam, Anna Salai, Ambattur, Ashok Nagar, Aminjikarai, Anna Nagar, Besant Nagar, Chromepet, Choolaimedu, Guindy, Egmore, K.K. Nagar, Kodambakkam, Koyambedu, Ekkattuthangal, Kilpauk, Meenambakkam, Medavakkam, Nandanam, Nungambakkam, Madipakkam, Teynampet, Nanganallur, Navalur, Mylapore, Pallavaram, Purasaiwakkam, OMR, Porur, Pallikaranai, Poonamallee, Perambur, Saidapet, Siruseri, St.Thomas Mount, Perungudi, T.Nagar, Sholinganallur, Triplicane, Thoraipakkam, Tambaram, Vadapalani, Valasaravakkam, Villivakkam, Thiruvanmiyur, West Mambalam, Velachery and Virugambakkam.

    FITA Velachery or T Nagar or Thoraipakkam OMR or Anna Nagar or Tambaram or Porur branch is just few kilometre away from your location. If you need the best training in Chennai, driving a couple of extra kilometres is worth it!