Showing results for ;
Type : Topics

Applied Tags : Guided Project

  • Topic
    5 Concepts | 6 Assessments | 5,203 Learners

    Welcome to this project on Churning the Emails Inbox with Python. In this project, you will use Python to access the data from files and process it to achieve certain tasks. You will explore the MBox email dataset, and use Python to count lines, headers, subject lines by emails and domains. Know your way on how to work with data in Python.

    Skills you will develop:

    1. Python
    2. File Handling in Python
    Instructor: Abhinav Singh
  • Topic
    1 Concept | 4 Questions | 4,396 Learners

    Whenever you make a request to a web server for a page, it records it in a file which is called logs.

    The logs of a webserver are the gold mines for gaining insights in the user behaviour. Every data scientists usually look at the logs first to understand the behaviour of the users. But since the logs are humongous in size, it takes a distributed framework like Hadoop or Spark to process it.

    As part of this project, you will learn to parse the text data stored in logs of a web server using the Apache Spark.

  • Topic
    9 Concepts | 14 Questions | 15 Assessments | 2,519 Learners

    Welcome to this project on the Forecasting Bike Rentals with DecisionTreeRegressor, LinearRegression, RandomForestRegressor using scikit-learn. In this project, you will use Python and scikit-learn to build models using the above-mentioned algorithms, and apply them to forecast the bike rentals.

    Forecasting is a regression problem, which is a highly demanded skill in the real world. This exercise enables you to understand the basic workflow to solve a regression problem, which includes data preprocessing and data modeling steps. You will understand how Pandas and scikit-learn, in association with Python, could be used to solve a machine learning problem end-to-end project. In addition …

    Instructor: Sandeep Giri
  • Topic
    12 Concepts | 7 Questions | 11 Assessments | 1,810 Learners

    Welcome to this project on Classify Clothes from Fashion MNIST Dataset with a couple of Machine Learning algorithms like SGD Classifier, XGBClassifier, Softmax Regression (multi-class LogisticRegression), DecisionTreeClassifier, RandomForestClassifier, Ensemble (with soft voting) using scikit-learn. In this project, you will use Python and scikit-learn to build Machine Learning models, and apply them to predict the class of clothes from Fashion MNIST Dataset.

    In this end-to-end Machine Learning project, you will get a hands-on overview of how to methodologically solve a machine learning classification problem. As a part of it, you will understand various methods of improvising the models using hyperparameter tuning …

    Instructor: Sandeep Giri
  • Topic
    3 Concepts | 13 Assessments | 1,396 Learners

    Welcome to this project on Getting Started with Git. In this project, you will understand how to use Git, one of the most famous distributed version-control systems to track changes in files and source code in your projects during software development.

    In this exercise, you will learn about creating git repository, commits, branches, and merge branches. Additionally, you will learn how to create and clone a GitHub repository and SSH keys to push the changes to the remote repository.

    Skills you will develop:

    1. Version control using Git
    2. Github
    3. SSH keys
    Instructor: Sandeep Akode
  • Topic
    11 Concepts | 2 Questions | 19 Assessments | 1,132 Learners

    Welcome to this project on the Numpy - Cat vs Non-cat Classifier with Logistic Regression using Numpy. In this project, you will use Python and Numpy to build a Logistic Regression Classifier from scratch, and apply it to predict the class of an input image - whether it is a cat or a non-cat.

    Though we have a lot of ready-made APIs like scikit-learn and Keras to build Machine Learning and Deep Learning models, it is very essential for a Machine Learning enthusiast to clearly understand the hidden mechanism behind the working of ML models. Upon completing this project, you will understand …

    Instructor: Cloudxlab
  • Topic
    7 Concepts | 2 Questions | 12 Assessments | 1,003 Learners

    Welcome to this project on the Titanic Machine Learning Project with Support Vector Machine Classifier and Random Forests using scikit-learn. In this project, you will use Python and scikit-learn to build SVC and random forest, and apply them to predict the survival rate of Titanic passengers.

    Data preprocessing is one of the most prominent steps to make an effective prediction model in Machine Learning, and it is often a best practice to use data preprocessing pipelines. In this exercise, you will also learn how to build your custom data transformers and chain all these data pre-processing steps using scikit-learn pipelines …

    Instructor: Cloudxlab
  • Welcome to this project on Image Classification with Pre-trained InceptionV3 Network. This project aims to impart the knowledge of how to access the pre-trained models(here we get pre-trained Inception model) from Keras of TensorFlow 2, and appreciate its powerful classification capacity by making the model predict the class of an input image.

    Understanding the pre-trained models is very important because this forms the basis of transfer learning. one of the most appreciated techniques to perform the classification of a different task thus reducing the training time, the number of iterations, and resource consumption. Learning about the pre-trained models and …

    Instructor: Cloudxlab
  • Topic
    13 Concepts | 2 Questions | 12 Assessments | 722 Learners

    Welcome to this project on the Spam Classifier Project with Logistic Regression Classifier using scikit-learn. In this project, you will use Python and scikit-learn to build a Logistic Regression Classifier, and apply it to predict whether an email is Spam or Ham.

    The world is full of textual data being generated at a very rapid pace each second. The most important data preprocessing steps include accessing and cleansing the real-time data, transforming it to get a refined form, and making it in an ML-algorithm compatible way by representing the textual data into numerical form. You will learn to achieve all …

    Instructor: Cloudxlab
  • Topic
    8 Concepts | 12 Assessments | 650 Learners

    Welcome to this project on Getting Started with Matplotlib. In this project, you will understand how to use Matplotlib, one of the most famous visualizing libraries in Python.

    Data visualization is one of the most prominent ways of analyzing the data. It presents visually appealing ways to detect the patterns, noise, outliers, and many other insights, which would assist the data scientists to understand, transform, and refine the data to build better comprehensive models. This project would help you build data visualization skills on top of your existing Python programming skills. You will understand how to use Matplotlib to depict …

    Instructor: Cloudxlab
  • E

    Topic
    2 Concepts | 15 Assessments | 625 Learners

    This is an end-to-end Machine Learning project. You would start by learning how to load a dataset, visualize it, fill in the missing values, create pipelines, handle categorical variables, train models based on that data, and finally predict using that model.

    This will not only help you understand how to train a machine learning model, but will also give you a detailed idea of how to clean and prepare data for machine learning, train the model, and fine tune it in real life projects.

    Skills you will develop:

    1. scikit-learn
    2. Data visualization
    3. Treating missing values in dataset 4 …
    Instructor: Cloudxlab
  • Welcome to this project on Building a CNN Classifier using TensorFlow 2 for MNIST Fashion Dataset. In this project, we will understand how to use the TensorFlow 2 platform to build a simple classifier using Convolutional Neural Networks(CNNs).

    CNNs have been one of the state-of-art tools in the current era of Computer Vision. The present-day deep learning and computer vision communities find numerous applications of CNNs in classification tasks and object detection use cases. These use cases have formed the basis of many real-time applications like self-driving cars, face recognition apps, satellite photo analysis and classification, and many more …

    Instructor: Cloudxlab
  • Topic
    13 Concepts | 12 Assessments | 581 Learners

    Welcome to this project on Credit Card Fraud Detection. In this project, you will use Python, SMOTE Technique(to over-sample data), build a Logistic Regression Classifier, and apply it to detect if a transaction is fraudulent or not.

    The real world datasets often might be with data of imbalanced classes. It is very important to feed a decent number of data samples of each class in a classification problem so that the classifier would detect the underlying hidden patterns for each class and prepare itself to reasonably classify the test data. Upon completing this project, you will understand the pragmatic …

    Instructor: Cloudxlab
  • Welcome to this project on NYSE Closing Price Prediction. In this project, you will use Pandas, Keras, and Python in order to build a predictive model and apply it to predict the closing prices.

    Time-series modeling has a huge demand in today's numbers-filled world. It has a wide variety of applications in sales s forecasting, prediction of meteorological elements like rainfall, economic forecasting in the financial worlds, and many more.

    In this exercise, we shall understand how to predict stock market closing prices for a firm using GRU, a state-of-art deep learning algorithm for sequential data. We shall focus …

    Instructor: Cloudxlab
  • Welcome to the project on Building a Neural Network for Image Classification with TensorFlow. In this project, we would learn how to develop a neural network classifier from very scratch, using TensorFlow 2.

    We would build and train a dense neural network on the Fashion MNIST dataset and evaluate its performance with some test samples. This project aims to impart the knowledge of the basic steps involved in building a neural network, working with TensorFlow 2, training a neural network, and make the learner comfortable with the cutting-edge technology - TensorFlow 2.

    Skills you will develop:

    1. TensorFlow 2
    2. Matplotlib …
    Instructor: Cloudxlab