Video description
45+ hours of video instruction.
Overview
The professional programmer’s Deitel® video guide to Python development with the powerful IPython and Jupyter Notebooks platforms.
Related Learning:
Live Training: Python Full Throttle and Python Data Science Full Throttle by Paul Deitel
Book: Python for Programmers by Paul Deitel and Harvey Deitel
Description
Python Fundamentals LiveLessons with Paul Deitel is a code-oriented presentation of Python—one of the world’s most popular and fastest growing languages. In the context of scores of real-world code examples ranging from individual snippets to complete scripts, Paul will demonstrate coding with the interactive IPython interpreter and Jupyter Notebooks. You’ll quickly become familiar with the Python language, its popular programming idioms, key Python Standard Library modules and several popular open-source libraries. In the Intro to Data Science videos, Paul lays the groundwork for later lessons in which he’ll introduce some of today’s most compelling, leading-edge computing technologies, including natural language processing, data mining Twitter® for sentiment analysis, cognitive computing with IBM® Watson™, supervised machine learning with classification and regression, unsupervised machine learning with clustering, computer vision through deep learning and convolutional neural networks, sentiment analysis through deep learning with recurrent neural networks, big data with Hadoop®, Spark™ streaming, NoSQL databases and the Internet of Things.
Download the code examples for this LiveLesson from https://github.com/pdeitel/PythonFundamentalsLiveLessons. This repository will be updated with the additional lessons’ examples as the lessons are completed.
About the Instructor
Paul J. Deitel, CEO and Chief Technical Officer of Deitel & Associates, Inc., is a graduate of MIT, where he studied Information Technology. He holds the Sun (now Oracle) Certified Java Programmer and Certified Java Developer certifications, and is an Oracle Java Champion. Through Deitel & Associates, Inc., he has delivered Java, C#, Visual Basic, C++, C and Internet programming courses to industry clients, including Cisco, IBM, Sun Micro systems, Dell, Siemens, Lucent Technologies, Fidelity, NASA at the Kennedy Space Center, the National Severe Storm Laboratory, White Sands Missile Range, Rogue Wave Software, Boeing, SunGard Higher Education, Stratus, Cambridge Technology Partners, One Wave, Hyperion Software, Adra Systems, Entergy, CableData Systems, Nortel Networks, Puma, iRobot, Invensys and many more. He and his co-author, Dr. Harvey M. Deitel, are the world’s best-selling programming-language textbook/professional book authors.
Skill Level
Beginner-to-Intermediate
What you Will Learn in Part I
- Before You Begin—Configure your system for Python, obtain the code examples, Python package managers, Paul’s contact info
- Lesson 1—Test-Drives: Using IPython and Jupyter Notebooks—Work with snippets and scripts in the context of IPython and Jupyter Notebooks
- Lesson 2—Intro to Python Programming—Variables, types, operators, strings, I/O, decisions, objects and dynamic typing
- Lesson 3—Control Statements—if, if…else, if…elif…else, for, while, break, continue, augmented assignments, boolean operators, intro to lists
- Lesson 4—Functions—Custom function definitions, importing libraries, simulation with random-number generation, scope, default parameter values, keyword arguments, arbitrary argument lists, methods, intro to tuples, intro to functional-style programming
What you will learn in Part II:
- Lesson 5—Sequences: Lists and Tuples—Create, initialize and access the elements of lists and tuples; sort and search lists, and search tuples; pass lists and tuples to functions and methods; list methods; functional-style programming (lambdas, filter, map, reduce, list comprehensions, generator expressions, 2D lists); static visualization with the Seaborn and Matplotlib visualization libraries.
- Lesson 6—Dictionaries and Sets—Dictionaries of key—value pairs; sets of unique values; iterating through keys, values and key—value pairs; adding, removing and updating key—value pairs; dictionary and set comparison operators; set operators and methods; operators in and not in for membership testing; mutable set operations; dictionary and set comprehensions; dynamic visualization with the Seaborn and Matplotlib visualization libraries.
- Lesson 7—Array-Oriented Programming with NumPy—numpy module’s high-performance ndarrays; how ndarrays differ from lists; comparing list vs. ndarrayperformance with the IPython %timeit magic; one-dimensional and multidimensionalndarrays; common ndarray manipulations; introduction to the pandas data manipulation library; one-dimensional Series and two-dimensional DataFrames; custom Series and DataFrame indices; basic descriptive statistics for data in aSeries and a DataFrame; customizing pandas output formatting.
What you will learn in Part III:
- Lesson 8—Strings: A Deeper Look—String methods; string formatting; concatenating and repeating strings; stripping whitespace; string comparisons; search strings for substrings and replacing substrings; tokenizing strings; regular expressions for pattern matching, replacing substrings and validating data; manipulating data in pandas.
- Lesson 9—Files and Exceptions—Text-file processing; serializing objects into the JSON with the json module; with statement for avoiding “resource leaks”; exception handling; try…except statement; else clause; executing code when no exceptions occur in a try suite; finally clause; raise exceptions; more details on tracebacks; stack unwinding; CSV file processing via the csv module; loading and manipulating CSV files in pandas.
- Lesson 10—Object-Oriented Programming—Custom classes; controlling access to attributes; properties for data access; simulating “private” attributes; Python special methods for customizing string representations; inheritance, duck typing and polymorphism; class object; Python special methods for overloading operators; named tuples; Python 3.7 data classes; unit testing with doctest; namespaces and how they affect scope; Introduction to time series and simple linear regression.
What you will learn in Part IV:
- Lesson 11—Natural Language Processing (NLP)—Install and use the TextBlob, NLTK, Textatistic and spaCy NLP libraries;, tokenize text into words and sentences; parts-of-speech tagging (noun, verb, etc.); sentiment analysis (positive, negative or neutral); detect the language of text; translate between languages; get word roots via stemming and lemmatization; spell checking and correction; word definitions, synonyms and antonyms; remove stop words from text; create word-cloud visualizations; determine text readability.
- Lesson 12—Data Mining Twitter®—Access tweets and other information on Twitter with Tweepy—a popular Python Twitter API client; search past tweets with the Twitter Search API; sample the live tweet stream with the Twitter Streaming API; work with tweet object meta data; use NLP techniques to clean and preprocess tweets for analysis; perform sentiment analysis on tweets; spot trending topics with Twitter’s Trends API; map tweets using folium and OpenStreetMap.
- Lesson 13—IBM Watson® and Cognitive Computing—Intro to Watson and its free Lite tier services; demos of several Watson services; registering for an IBM Cloud account; set up and get credentials for Watson services; install the Watson Developer Cloud Python SDK; build a Traveler’s companion language translator app that mashes up the Watson Speech to Text, Language Translator and Text to Speech services.
What you will learn in Part V’s case studies:
- Lesson 14—Machine Learning: Classification, Regression and Clustering—Use scikit-learn with popular datasets to perform machine learning studies; Use Seaborn and Matplotlib to visualize and explore data; Perform supervised machine learning with k-nearest neighbors classification and linear regression; Perform multi-classification with Digits dataset; Divide a dataset into training, testing and validation sets; Tune hyperparameters with k-fold cross-validation; Measure model performance; Display a confusion matrix showing classification prediction hits and misses; Perform multiple linear regression with the California Housing dataset; Perform dimensionality reduction with PCA and t-SNE on the Iris and Digits datasets to prepare them for two-dimensional visualizations. Perform unsupervised machine learning with k-means clustering and the Iris dataset.
- Lesson 15—Deep Learning—What a neural network is and how it enables deep learning; Create Keras neural networks;Keras layers, activation functions, loss functions and optimizers; Use a Keras convolutional neural network (CNN) trained on the MNIST dataset to build a computer vision application that recognizes handwritten digits; Use a Keras recurrent neural network (RNN) trained on the IMDb dataset to create a sentiment analysis application that performs binary classification of positive and negative movie reviews.
- Lesson 16—Big Data: Hadoop, Spark, 17—Manipulate a SQLite relational database using SQL; Understand the four major types of NoSQL databases; Store tweets in a MongoDB NoSQL JSON document database and visualize them on a Folium map; Apache Hadoop and how it’s used in big-data batch-processing applications; Build a Hadoop MapReduce application on Microsoft’s Azure HDInsight cloud service; Apache Spark and how it’s used in high-performance, real-time big-data applications; Process mini-batches of data with Spark streaming; Internet of Things (IoT) and the publish/subscribe model; Publish messages from a simulated Internet-connected device and visualize messages in a dashboard; Subscribe to PubNub’s sample live streams and visualize the data.
LiveLessons Video Training series publishes hundreds of hands-on, expert-led video tutorials covering a wide selection of technology topics designed to teach you the skills you need to succeed. This professional and personal technology video series features world-leading author instructors published by your trusted technology brands: Addison-Wesley, Cisco Press, IBM Press, Pearson IT Certification, Prentice Hall, Sams, and Que. Topics include: IT Certification, Programming, Web Development, Mobile Development, Home & Office Technologies, Business & Management, and more. View All LiveLessons on InformIT: http://www.informit.com/imprint/series_detail.aspx?ser=2185116
Table of contents
- Part 1
- Before You Begin
- Lesson 01: Test-Drives: Using IPython and Jupyter Notebooks
-
Lesson 02: Intro to Python Programming
- Lesson 02 Overview: Intro to Python Programming
- Variables and Assignment Statements
- Self Check
- Arithmetic
- Self Check
- Function print and an Intro to Single- and Double-Quoted Strings
- Self Check
- Triple-Quoted Strings
- Self Check
- Getting Input from the User
- Self Check
- Decision Making: The if Statement and Comparison Operators
- Self Check
- Objects and Dynamic Typing
- Self Check
- Intro to Data Science: Basic Descriptive Statistics
- Self Check
-
Lesson 03: Control Statements
- Lesson 03 Overview: Control Statements
- if Statement
- Self Check
- if...else and if...elif...else Statements
- Self Check
- while Statement
- Self Check
- for Statement; Iterables, Lists and Iterators; Built-in range Function
- Self Check
- Augmented Assignments
- Self Check
- Sequence-Controlled Iteration
- Self Check
- Sentinel-Controlled Iteration
- Built-In Function range: A Deeper Look
- Self Check
- Using Type Decimal for Monetary Amounts
- Self Check
- break and continue Statements
- Boolean Operators and, or and not
- Self Check
- Intro to Data Science: Measures of Central Tendency--Mean, Median and Mode
- Self Check
-
Lesson 04: Functions
- Lesson 04 Overview: Functions
- Defining Functions
- Self Check
- Functions with Multiple Parameters
- Self Check
- Random-Number Generation
- Self Check
- Case Study: A Game of Chance
- Self Check
- math Module Functions
- Default Parameter Values
- Keyword Arguments
- Arbitrary Argument Lists
- Self Check
- Methods: Functions That Belong to Objects
- Scope Rules
- import: A Deeper Look
- Self Check
- Passing Arguments to Functions: A Deeper Look
- Self Check
- Functional-Style Programming
- Intro to Data Science: Measures of Dispersion
- Part 2
-
Lesson 05: Sequences: Lists and Tuples
- Lesson 05 Overview: Sequences--Lists and Tuples
- Lists
- Self Check
- Tuples
- Self Check
- Unpacking Sequences
- Creating a primitive bar chart
- Self Check
- Sequence Slicing Part 1: Getting a Subset of a Sequence
- Sequence Slicing Part 2: Modifying a List
- Self Check
- del Statement
- Self Check
- Passing Lists to Functions
- Sorting Lists
- Self Check
- Searching Sequences
- Self Check
- Other List Methods
- Self Check
- Simulating Stacks with Lists
- List Comprehensions
- Self Check
- Generator Expressions
- Self Check
- Filter, Map and Reduce
- Self Check
- Other Sequence Processing Functions
- Self Check
- Two-Dimensional Lists
- Self Check
- Intro to Data Science: Simulation and Static Visualizations
- Sample Graphs for 600, 60,000 and 6,000,000 Die Rolls
- Visualizing Die-Roll Frequencies and Percentages--Part 1
- Visualizing Die-Roll Frequencies and Percentages--Part 2
- Visualizing Die-Roll Frequencies and Percentages--Part 3
- Visualizing Die-Roll Frequencies and Percentages--Part 4
-
Lesson 06: Dictionaries and Sets
- Lesson 06 Overview: Dictionaries and Sets
- Dictionaries
- Creating a Dictionary
- Self Check
- Iterating through a Dictionary
- Basic Dictionary Operarations
- Self Check
- Dictionary Methods keys and values
- Self Check
- Dictionary Comparisons
- Example: Dictionary of Student Grades
- Example: Word Counts
- Python Standard Library Module collections
- Self Check
- Dictionary Method update
- Dictionary Comprehensions
- Self Check
- Sets
- Self Check
- Comparing Sets
- Self Check
- Mathematical Set Operations
- Self Check
- Mutable Set Operators and Methods
- Set Comprehensions
- Intro to Data Science: Dynamic Visualizations--Using Simulation and Dynamic Visualization to Demonstrate the Law of Large Numbers
- Intro to Data Science: Dynamic Visualizations--Implementing Dynamic Visualization, Part 1
-
Lesson 07: Array-Oriented Programming with Numpy
- Lesson 07 Overview: Array-Oriented Programming with Numpy; Intro to Pandas
- Creating arrays from Existing Data
- Self Check
- array Attributes
- Self Check
- Filling arrays with Specific Values
- Creating arrays from Ranges
- Self Check
- List vs. array Performance: Introducing %timeit
- Self Check
- array Operators
- Self Check
- NumPy Calculation Methods
- Self Check
- Universal Functions
- Self Check
- Indexing and Slicing
- Self Check
- Views: Shallow Copies
- Deep Copies
- Reshaping and Transposing: reshape vs. resize
- Reshaping and Transposing: flatten vs. ravel
- Reshaping and Transposing: Transposing Rows and Columns
- Reshaping and Transposing: Horizontal and Vertical Stacking
- Self Check
- Intro to Data Science: pandas Series and DataFrames
- Intro to Data Science: pandas Series and DataFrames--pandas Series Part 1
- Intro to Data Science: pandas Series and DataFrames--pandas Series Part 2
- Self Check
- Intro to Data Science: pandas Series and DataFrames--Creating DataFrames and Customizing Indices
- Intro to Data Science: pandas Series and DataFrames--Accessing a DataFrame's Columns
- Intro to Data Science: pandas Series and DataFrames--Selecting Rows via the loc and iloc Attributes
- Intro to Data Science: pandas Series and DataFrames--Selecting Rows via Slices and Lists with the loc and iloc Attributes
- Intro to Data Science: pandas Series and DataFrames--Selecting Subsets of the Rows and Columns
- Intro to Data Science: pandas Series and DataFrames--Boolean Indexing
- Intro to Data Science: pandas Series and DataFrames--Accessing a Specific DataFrame Cell by Row and Column
- Intro to Data Science: pandas Series and DataFrames--Descriptive Statistics
- Intro to Data Science: pandas Series and DataFrames--Transposing the DataFrame with the T Attribute
- Intro to Data Science: pandas Series and DataFrames--Sorting by Indices
- Intro to Data Science: pandas Series and DataFrames--Sorting by Column Values
- Self Check
- Part 3
-
Lesson 08: Strings--A Deeper Look
- Lesson 08 Overview: Strings--A Deeper Look; Pandas, Regular Expressions and Data Munging
- Formatting Strings--Presentation Types
- Self Check
- Formatting Strings--Field Widths and Alignment
- Self Check
- Formatting Strings--Numeric Formatting
- Self Check
- Formatting Strings--String's format Method
- Self Check
- Concatenating and Repeating Strings
- Self Check
- Stripping Whitespace from Strings
- Self Check
- Changing Character Case
- Self Check
- Comparison Operators for Strings
- Searching for Substrings
- Self Check
- Replacing Substrings
- Self Check
- Splitting and Joining Strings
- Self Check
- Characters and Character-Testing Methods
- Raw Strings
- Introduction to Regular Expressions
- re Module and Function fullmatch Part 1--Matching Literal Characters
- re Module and Function fullmatch Part 2--Metacharacters, Character Classes and Quantifiers
- re Module and Function fullmatch Part 3--Custom Character Classes
- re Module and Function fullmatch Part 1--Quantifiers
- Self Check
- Replacing Substrings and Splitting Strings
- Self Check
- Other Search Functions; Accessing Matches--Function search: Finding the First Match Anywhere in a String
- Other Search Functions; Accessing Matches--Ignoring Case with the Optional flags Keyword Argument
- Other Search Functions; Accessing Matches--Metacharacters that Restrict Matches to the Beginning or End of a String
- Other Search Functions; Accessing Matches--Functions findall and finditer: Finding All Matches in a String
- Other Search Functions; Accessing Matches--Capturing Substrings in a Match
- Self Check
- Intro to Data Science: Pandas, Regular Expressions and Data Munging Part 1: Introduction
- Intro to Data Science: Pandas, Regular Expressions and Data Munging Part 3: Data Validation
- Intro to Data Science: Pandas, Regular Expressions and Data Munging Part 4: Reformatting Your Data
- Self Check
-
Lesson 09: Files and Exceptions
- Lesson 09 Overview: Files and Exceptions; Pandas, CSV Files and Simple Data Analysis
- Files
- Text-File Processing--Writing to a Text File: Introducing the with Statement
- Self Check
- Text-File Processing--Reading Data from a Text File
- Self Check
- Updating Text Files
- Self Check
- Serialization with JSON--JSON Data Format
- Serialization with JSON--Serializing an Object to JSON
- Serialization with JSON--Deserializing a JSON Object into Python
- Serialization with JSON--Displaying JSON Text
- Self Check
- File Open Modes
- Handling Exceptions
- Division by Zero and Invalid Input
- try Statements
- Self Check
- finally Clause
- Self Check
- Explicitly Raising an Exception
- Stack Unwinding and Tracebacks
- Intro to Data Science: Working with CSV Files--Python Standard Library Module csv
- Self Check
- Intro to Data Science: Working with CSV Files--Reading CSV Files into Pandas DataFrames
- Intro to Data Science: Working with CSV Files--Reading the Titanic Disaster Dataset
- Intro to Data Science: Working with CSV Files--Simple Data Analysis with the Titanic Disaster Dataset
- Intro to Data Science: Working with CSV Files--Passenger Age Histogram
- Part 4
-
Lesson 10: Object-Oriented Programming
- Lesson 10 Overview: Object-Oriented Programming
- Custom Class Account--Test-Driving Class Account
- Custom Class Account--Account Class Definition
- Self Check
- Controlling Access to Attributes
- Properties for Data Access--Test-Driving Class Time
- Properties for Data Access--Class Time Definition
- Self Check
- Properties for Data Access--Class Time Definition Notes
- Simulating Private Attributes
- Case Study: Card Shuffling and Dealing Simulation--Test Driving Classes Card and DeckOfCards
- Case Study: Card Shuffling and Dealing Simulation--Class Card and an Introduction to Class Attributes
- Case Study: Card Shuffling and Dealing Simulation--Class DeckOfCards
- Case Study: Card Shuffling and Dealing Simulation--Displaying Card Images with Matplotlib
- Self Check
- Inheritance: Base Classes and Subclasses
- Building an Inheritance Hierarchy and Introducing Polymorphism--Base Class CommissionEmployee
- Building an Inheritance Hierarchy and Introducing Polymorphism--Sublass SalariedCommissionEmployee
- Building an Inheritance Hierarchy and Introducing Polymorphism--Processing CommissionEmployees and SalariedCommissionEmployees Polymorphically
- Duck Typing and Polymorphism
- Operator Overloading
- Test-Driving Class Complex
- Class Complex Definition
- Self Check
- Named Tuples
- A Brief Intro to Python 3.7's New Data Classes
- A Brief Intro to Python 3.7's New Data Classes--Creating a Card Data Class
- A Brief Intro to Python 3.7's New Data Classes--Using the Card Data Class
- Self Check
- A Brief Intro to Python 3.7's New Data Classes--Advantages Over Named Tuples and Traditional Classes
- Unit Testing with Docstrings and doctest
- Self Check
- Namespaces and Scopes
- Intro to Data Science: Time Series and Simple Linear Regression--Introduction
- Intro to Data Science: Time Series and Simple Linear Regression--Components of the Simple Linear Regression Calculation
- Intro to Data Science: Time Series and Simple Linear Regression--Loading the Average High Temperatures into a DataFrame
- Intro to Data Science: Time Series and Simple Linear Regression--Cleaning the Data
- Intro to Data Science: Time Series and Simple Linear Regression--Calculating Basic Descriptive Statistics for the Dataset
- Intro to Data Science: Time Series and Simple Linear Regression--Forecasting Future January Average High Temperatures
- Intro to Data Science: Time Series and Simple Linear Regression--Plotting the Average High Temperatures and a Regression Line
-
Lesson 11: Natural Language Processing
- Lesson 11 Overview: Natural Language Processing (NLP)
- Introduction
- TextBlob
- Create a TextBlob
- Tokenizing Text into Sentences and Words
- Parts-of-Speech Tagging
- Extracting Noun Phrases
- Sentiment Analysis with TextBlob's Default Sentiment Analyzer
- Sentiment Analysis with the NaiveBayesAnalyzer
- Language Detection and Translation
- Inflection: Pluralization and Singularization
- Spell Checking and Correction
- Normalization: Stemming and Lemmatization
- Word Frequencies
- Getting Definitions, Synonyms and Antonyms from WordNet
- Deleting Stop Word
- n-grams
- Visualizing Word Frequencies with Pandas
- Visualizing Word Frequencies with Word Clouds
- Readability Assessment with Textatistic
- Named Entity Recognition with spaCy
- Similarity Detection with spaCy
-
Lesson 12: Data Mining Twitter
- Lesson 12 Overview: Data Mining Twitter
- Introduction
- Overview of the Twitter APIs
- Creating a Twitter Developer Account
- Getting Twitter Credentials--Creating an App
- What's in a Tweet?
- Tweepy
- Authenticating with Twitter Via Tweepy
- Getting Information About a Twitter Account
- Self Check
- Introduction to Tweepy Cursors: Getting an Account's Followers and Friends
- Determining an Account's Followers
- Self Check
- Determining Whom an Account Follows
- Getting a User's Recent Tweets
- Self Check
- Searching Recent Tweets
- Self Check
- Spotting Trends: Twitter Trends API
- Places with Trending Topics
- Getting a List of Trending Topics
- Self Check
- Create a Word Cloud from Trending Topics
- Self Check
- Cleaning/Preprocessing Tweets for Analysis
- Twitter Streaming API
- Creating a Subclass of StreamListener
- Initiating Stream Processing
- Twitter Restrictions Note
- Tweet Sentiment Analysis
- Geocoding and Mapping
- Getting and Mapping the Tweets
- Utility Functions in tweetutilities.py and Class LocationListener
-
Lesson 13: IBM Watson and Cognitive Computing; Building a Speech-to-Speech Translator
- Lesson 13 Overview: IBM Watson and Cognitive Computing; Building a Speech-to-Speech Translator
- Introduction to Watson
- IBM Cloud Account and Cloud Console
- Watson Services: Watson Assistant Demo
- Watson Services: Visual Recognition
- Watson Services: Speech to Text
- Watson Services: Text to Speech
- Watson Services: Language Translator
- Watson Services: Natural Language Understanding
- Watson Services: Personality Insights
- Additional Services and Tools
- Watson Developer Cloud Python SDK
- Case Study: Traveler's Companion Translation App
- Before You run the App
- Before You run the App: Registering for the Speech to Text Service
- Before You run the App: Registering for the Text to Speech Service
- Before You run the App: Registering for the Language Translator Service
- Test-Driving the App
- SimpleLanguageTranslator.py Script Walkthrough
- SimpleLanguageTranslator.py Script Walkthrough: Importing Watson SDK Classes from the ibm_watson Module
- SimpleLanguageTranslator.py Script Walkthrough: Other Imported Modules
- SimpleLanguageTranslator.py Script Walkthrough: Main Program: Function run_translator
- SimpleLanguageTranslator.py Script Walkthrough: Function speech_to_text
- SimpleLanguageTranslator.py Script Walkthrough: Function translate
- SimpleLanguageTranslator.py Script Walkthrough: Function text_to_speech
- SimpleLanguageTranslator.py Script Walkthrough: Function record_audio
- SimpleLanguageTranslator.py Script Walkthrough: Function play_audio
- Watson Resources
-
Lesson 14, Machine Learning: Classification, Regression and Clustering
- Lesson 14 Overview: Machine Learning: Classification, Regression and Clustering
- Introduction to Machine Learning
- Case Study: Classification with k-Nearest Neighbors and the Digits Dataset, Part 1
- k-Nearest Neighbors Algorithm
- k-Nearest Neighbors Algorithm: Hyperparameters and Hyperparameter Tuning
- Loading the Dataset
- Loading the Dataset: Displaying the Description
- Loading the Dataset: Checking the Sample and Target Sizes
- Loading the Dataset: A Sample Digit Image
- Loading the Dataset: Preparing the Data for Use with Scikit-Learn
- Visualizing the Data
- Splitting the Data for Training and Testing
- Creating the Model
- Training the Model
- Predicting Digit Classes
- Case Study: Classification with k-Nearest Neighbors and the Digits Dataset, Part 2
- Metrics for Model Accuracy: Estimator Method score
- Metrics for Model Accuracy: Confusion Matrix
- Metrics for Model Accuracy: Classification Report
- Metrics for Model Accuracy: Visualizing the Confusion Matrix
- K-Fold Cross-Validation
- Running Multiple Models to Find the Best One
- Hyperparameter Tuning
- Case Study: Time Series and Simple Linear Regression
- Loading the Average High Temperatures into a DataFrame
- Splitting the Data for Training and Testing
- Training the Model
- Testing the Model
- Predicting Future Temperatures and Estimating Past Temperatures
- Visualizing the Dataset with the Regression Line
- Overfitting/Underfitting
- Case Study: Multiple Linear Regression with the California Housing Dataset
- Loading the Dataset
- Exploring the Data with Pandas
- Visualizing the Features
- Splitting the Data for Training and Testing
- Training the Model
- Testing the Model
- Visualizing the Expected vs. Predicted Prices
- Regression Model Metrics
- Choosing the Best Model
- Case Study: Unsupervised Machine Learning, Part 1--Dimensionality Reduction
- Loading the Digits Dataset
- Creating a TSNE Estimator for Dimensionality Reduction
- Transforming the Digits Dataset's Features into Two Dimensions
- Visualizing the Reduced Data
- Visualizing the Reduced Data with Different Colors for Each Digit
- Visualizing the Reduced Data in 3D
- Case Study: Unsupervised Machine Learning, Part 2--k-Means Clustering
- Loading the Iris Dataset
- Exploring the Iris Dataset: Descriptive Statistics with Pandas
- Visualizing the Dataset with a Seaborn pairplot
- Using a KMeans Estimator
- Dimensionality Reduction with Principal Component Analysis
- Choosing the Best Clustering Estimator
-
Lesson 15: Deep Learning
- Lesson 15 Overview: Deep Learning
- Introduction
- Deep Learning Applications
- Deep Learning Demos
- Keras Resources
- Keras Built-In Datasets
- Custom Anaconda Environments
- Neural Networks
- Tensors
- Convolutional Neural Networks for Vision; Multi-Classification with the MNIST Dataset
- Reproducibility in Keras and Deep Learning
- Basic Keras Neural Network
- Loading the MNIST Dataset
- Data Exploration
- Visualizing Digits
- Reshaping the Image Data
- Normalizing the Image Data
- One-Hot Encoding: Converting the Labels From Integers to Categorical Data
- Creating the Neural Network
- Adding Layers to the Network
- Convolution
- Adding a Conv2D Convolution Layer to Our Model
- Dimensionality of the First Convolution LayerâÃôs Output
- Overfitting
- Adding a Pooling Layer
- Adding Another Convolutional Layer and Pooling Layer
- Flattening the Results to One Dimension with a Keras Flatten Layer
- Adding a Dense Layer to Reduce the Number of Features
- Adding Another Dense Layer to Produce the Final Output
- Printing the Model's Summary
- Visualizing a ModelâÃôs Structure
- Compiling the Model
- Training and Evaluating the Model
- Evaluating the Model on Unseen Data
- Making Predictions
- Locating the Incorrect Predictions
- Visualizing Incorrect Predictions
- Displaying the Probabilities for Several Incorrect Predictions
- Saving and Loading a Model
- Visualizing Neural Network Training with TensorBoard
- ConvnetJS: Browser-Based Deep-Learning Training and Visualization
- Recurrent Neural Networks for Sequences; Sentiment Analysis with the IMDb Dataset
- Loading the IMDb Movie Reviews Dataset
- Data Exploration
- Movie Review Encodings and Decoding a Review
- Data Preparation
- Creating the Neural Network
- Adding an Embedding Layer
- Adding an LSTM Layer
- Adding a Dense Output Layer
- Compiling the Model and Displaying the Summary
- Training and Evaluating the Model (1 of 2)
- Training and Evaluating the Model (2 of 2)
- Tuning Deep Learning Models
-
Lesson 16: Big Data: Hadoop, Spark, NoSQL (MongoDB) and IoT
- Lesson 16 Overview: Big Data: Hadoop, Spark, NoSQL (MongoDB) and IoT
- Introduction--Databases
- Introduction--Apache Hadoop and Apache Spark
- Introduction--Internet of Things
- Introduction--Experience Cloud and Desktop Big-Data Software
- Introduction--Big Data Sources
- Relational Databases and Structured Query Language (SQL)
- A books Database
- SELECT Queries
- WHERE Clause
- ORDER BY Clause
- Merging Data from Multiple Tables: INNER JOIN
- INSERT INTO Statement
- UPDATE Statement
- DELETE FROM Statement
- NoSQL and NewSQL Big-Data Databases: A Brief Tour
- NoSQL Key-Value Databases
- NoSQL Document Databases
- NoSQL Columnar Databases
- NoSQL Graph Databases
- NewSQL Databases
- Case Study: A MongoDB JSON Document Database
- Creating the MongoDB Atlas Cluster
- Streaming Tweets into MongoDB
- Hadoop
- Hadoop Overview
- Summarizing Word Lengths in Romeo and Juliet via MapReduce
- Creating an Apache Hadoop Cluster in Microsoft Azure HDInsight: Part 1
- Creating an Apache Hadoop Cluster in Microsoft Azure HDInsight: Part 2
- Hadoop Streaming
- Implementing the Mapper
- Implementing the Reducer
- Preparing to Run the MapReduce Example
- Running the MapReduce Job
- Spark Overview
- Docker and the Jupyter Docker Stacks
- Word Count with Spark
- Spark Word Count on Microsoft Azure
- Spark Streaming: Counting Twitter Hashtags Using the pysparknotebook Docker Stack
- Streaming Tweets to a Socket
- Summarizing Tweet Hashtags; Introducing Spark SQL
- Internet of Things and Dashboards
- Publish and Subscribe
- Visualizing a PubNub Sample Live Stream with a Freeboard Dashboard
- Simulating an Internet-Connected Thermostat in Python and Creating a Dashbboard in Freeboard.io
- Creating a Python PubNub Subscriber
Product information
- Title: Python Fundamentals
- Author(s):
- Release date: August 2019
- Publisher(s): Pearson
- ISBN: 0135917417
You might also like
video
C++20 Fundamentals with Paul Deitel
54 hours of video instruction. Includes Modern C++ — C++20, C++17, C++14 and C++11 — with …
book
Python Crash Course, 3rd Edition
Python Crash Course is the world's best-selling guide to the Python guide programming language, with over …
video
Practical Python: Learn Python Basics Step by Step - Python 3
Python is one of the most popular programming languages and gives a lot of scope and …
book
Head First Python, 3rd Edition
What will you learn from this book? Want to learn the Python language without slogging your …