- The 20 Python Packages You Need For Machine Learning and Data Science - Oct 14, 2021.
Do you do Python? Do you do data science and machine learning? Then, you need to do these crucial Python libraries that enable nearly all you will want to do.
Data Science, Keras, Machine Learning, Matplotlib, numpy, Pandas, Plotly, Python, PyTorch, scikit-learn, TensorFlow
- Top 10 Python Libraries Data Scientists should know in 2021 - Mar 24, 2021.
So many Python libraries exist that offer powerful and efficient foundations for supporting your data science work and machine learning model development. While the list may seem overwhelming, there are certain libraries you should focus your time on, as they are some of the most commonly used today.
Data Science, Keras, numpy, Pandas, Python, scikit-learn, Seaborn, TensorFlow
- Essential Math for Data Science: Introduction to Matrices and the Matrix Product - Feb 5, 2021.
As vectors, matrices are data structures allowing you to organize numbers. They are square or rectangular arrays containing values organized in two dimensions: as rows and columns. You can think of them as a spreadsheet. Learn more here.
Data Science, Linear Algebra, Mathematics, numpy, Python
- Build Your First Data Science Application - Feb 4, 2021.
Check out these seven Python libraries to make your first data science MVP application.
API, Data Science, Jupyter, Keras, numpy, Pandas, Plotly, Python, PyTorch, scikit-learn
- Matrix Decomposition Decoded - Dec 11, 2020.
This article covers matrix decomposition, as well as the underlying concepts of eigenvalues (lambdas) and eigenvectors, as well as discusses the purpose behind using matrix and vectors in linear algebra.
Linear Algebra, Mathematics, numpy, PCA, Python
- Essential Math for Data Science: Integrals And Area Under The Curve - Nov 25, 2020.
In this article, you’ll learn about integrals and the area under the curve using the practical data science example of the area under the ROC curve used to compare the performances of two machine learning models.
Machine Learning, Mathematics, Metrics, numpy, Python, Unbalanced
- Which methods should be used for solving linear regression? - Sep 2, 2020.
As a foundational set of algorithms in any machine learning toolbox, linear regression can be solved with a variety of approaches. Here, we discuss. with with code examples, four methods and demonstrate how they should be used.
Gradient Descent, Linear Regression, numpy, Python, Statistics, SVD
- Speed up your Numpy and Pandas with NumExpr Package - Jul 1, 2020.
We show how to significantly speed up your mathematical calculations in Numpy and Pandas using a small library.
numpy, Pandas, Python
- Faster machine learning on larger graphs with NumPy and Pandas - May 27, 2020.
One of the most exciting features of StellarGraph 1.0 is a new graph data structure — built using NumPy and Pandas — that results in significantly lower memory usage and faster construction times.
Graphs, Machine Learning, numpy, Pandas
- Dimensionality Reduction with Principal Component Analysis (PCA) - May 21, 2020.
This article focuses on design principles of the PCA algorithm for dimensionality reduction and its implementation in Python from scratch.
Dimensionality Reduction, numpy, PCA, Python
- Complex logic at breakneck speed: Try Julia for data science - May 20, 2020.
We show a comparative performance benchmarking of Julia with an equivalent Python code to show why Julia is great for data science and machine learning.
Benchmark, Data Science, Julia, numpy, Python
- Dive Into Deep Learning: The Free eBook - Apr 16, 2020.
This freely available text on deep learning is fully interactive and incredibly thorough. Check out "Dive Into Deep Learning" now and increase your neural networks theoretical understanding and practical implementation skills.
Book, Deep Learning, Free ebook, numpy
- Build an Artificial Neural Network From Scratch: Part 2 - Mar 20, 2020.
The second article in this series focuses on building an Artificial Neural Network using the Numpy Python library.
Neural Networks, numpy, Python
- How to Convert a Picture to Numbers - Jan 6, 2020.
Reducing images to numbers makes them amenable to computation. Let's take a look at the why and the how using Python and Numpy.
Computer Vision, Image Processing, numpy, Python
- Build an Artificial Neural Network From Scratch: Part 1 - Nov 1, 2019.
This article focused on building an Artificial Neural Network using the Numpy Python library.
Neural Networks, numpy, Python
- Nothing but NumPy: Understanding & Creating Neural Networks with Computational Graphs from Scratch - Aug 23, 2019.
Entirely implemented with NumPy, this extensive tutorial provides a detailed review of neural networks followed by guided code for creating one from scratch with computational graphs.
Backpropagation, Neural Networks, numpy, Python
- One Simple Trick for Speeding up your Python Code with Numpy - Jun 19, 2019.
Looping over Python arrays, lists, or dictionaries, can be slow. Thus, vectorized operations in Numpy are mapped to highly optimized C code, making them much faster than their standard Python counterparts.
Big Data, numpy, Python
- Become a Pro at Pandas, Python’s Data Manipulation Library - Jun 13, 2019.
Pandas is one of the most popular Python libraries for cleaning, transforming, manipulating and analyzing data. Learn how to efficiently handle large amounts of data using Pandas.
Matplotlib, numpy, Pandas, Python, SQL
- 7 Steps to Mastering Intermediate Machine Learning with Python — 2019 Edition - Jun 3, 2019.
This is the second part of this new learning path series for mastering machine learning with Python. Check out these 7 steps to help master intermediate machine learning with Python!
7 Steps, Classification, Cross-validation, Dimensionality Reduction, Feature Engineering, Feature Selection, Image Classification, K-nearest neighbors, Machine Learning, Modeling, Naive Bayes, numpy, Pandas, PCA, Python, scikit-learn, Transfer Learning
- Feature Reduction using Genetic Algorithm with Python - Mar 25, 2019.
This tutorial discusses how to use the genetic algorithm (GA) for reducing the feature vector extracted from the Fruits360 dataset in Python mainly using NumPy and Sklearn.
Pages: 1 2
Deep Learning, Feature Engineering, Genetic Algorithm, Neural Networks, numpy, Python, scikit-learn
- Artificial Neural Networks Optimization using Genetic Algorithm with Python - Mar 18, 2019.
This tutorial explains the usage of the genetic algorithm for optimizing the network weights of an Artificial Neural Network for improved performance.
Pages: 1 2
AI, Algorithms, Deep Learning, Machine Learning, Neural Networks, numpy, Optimization, Python
- Neural Networks with Numpy for Absolute Beginners: Introduction - Mar 5, 2019.
In this tutorial, you will get a brief understanding of what Neural Networks are and how they have been developed. In the end, you will gain a brief intuition as to how the network learns.
Beginners, Neural Networks, numpy, Python
- Artificial Neural Network Implementation using NumPy and Image Classification - Feb 21, 2019.
This tutorial builds artificial neural network in Python using NumPy from scratch in order to do an image classification application for the Fruits360 dataset
Pages: 1 2
Deep Learning, Machine Learning, Neural Networks, numpy, Python
- Python Data Science for Beginners - Feb 20, 2019.
Python’s syntax is very clean and short in length. Python is open-source and a portable language which supports a large standard library. Buy why Python for data science? Read on to find out more.
Beginners, Data Science, Matplotlib, numpy, Pandas, Python, scikit-learn, SciPy
- Notes on Feature Preprocessing: The What, the Why, and the How - Oct 26, 2018.
This article covers a few important points related to the preprocessing of numeric data, focusing on the scaling of feature values, and the broad question of dealing with outliers.
Data Preparation, Data Preprocessing, numpy, Python, scikit-learn, SciPy
- Basic Image Data Analysis Using Python – Part 3 - Sep 28, 2018.
Accessing the internal component of digital images using Python packages becomes more convenient to help understand its properties, as well as nature.
Computer Vision, Image Processing, numpy, Python
- Only Numpy: Implementing GANs and Adam Optimizer using Numpy - Aug 6, 2018.
This post is an implementation of GANs and the Adam optimizer using only Python and Numpy, with minimal focus on the underlying maths involved.
GANs, Generative Adversarial Network, Neural Networks, numpy, Optimization, Python
- Basic Image Processing in Python, Part 2 - Jul 17, 2018.
We explain how to easily access and manipulate the internal components of digital images using Python and give examples from satellite image processing.
Computer Vision, Image Processing, numpy, Python
- Basic Image Data Analysis Using Numpy and OpenCV – Part 1 - Jul 10, 2018.
Accessing the internal component of digital images using Python packages becomes more convenient to understand its properties as well as nature.
Computer Vision, Image Processing, numpy, OpenCV, Python
- Top 20 Python Libraries for Data Science in 2018 - Jun 27, 2018.
Our selection actually contains more than 20 libraries, as some of them are alternatives to each other and solve the same problem. Therefore we have grouped them as it's difficult to distinguish one particular leader at the moment.
Pages: 1 2
Bokeh, Data Science, Keras, Matplotlib, NLTK, numpy, Pandas, Plotly, Python, PyTorch, scikit-learn, SciPy, Seaborn, TensorFlow, XGBoost
- Boost your data science skills. Learn linear algebra. - May 3, 2018.
The aim of these notebooks is to help beginners/advanced beginners to grasp linear algebra concepts underlying deep learning and machine learning. Acquiring these skills can boost your ability to understand and apply various data science algorithms.
Data Science, Linear Algebra, Mathematics, numpy, Python
- KDnuggets™ News 18:n18, May 2: Blockchain Explained in 7 Python Functions; Data Science Dirty Secret; Choosing the Right Evaluation Metric - May 2, 2018.
Also: Building Convolutional Neural Network using NumPy from Scratch; Data Science Interview Guide; Implementing Deep Learning Methods and Feature Engineering for Text Data: The GloVe Model; Jupyter Notebook for Beginners: A Tutorial
Blockchain, Convolutional Neural Networks, Data Science, Machine Learning, Metrics, numpy, Python
- Building Convolutional Neural Network using NumPy from Scratch - Apr 26, 2018.
In this article, CNN is created using only NumPy library. Just three layers are created which are convolution (conv for short), ReLU, and max pooling.
Convolutional Neural Networks, Image Recognition, Neural Networks, numpy, Python
- Why You Should Start Using .npy Files More Often - Apr 3, 2018.
In this article, we demonstrate the utility of using native NumPy file format .npy over CSV for reading large numerical data set. It may be an useful trick if the same CSV data file needs to be read many times.
numpy, Python
- Why You Should Forget ‘for-loop’ for Data Science Code and Embrace Vectorization - Nov 29, 2017.
Data science needs fast computation and transformation of data. NumPy objects in Python provides that advantage over regular programming constructs like for-loop. How to demonstrate it in few easy lines of code?
numpy, Python, Scientific Computing
- Getting Started with Python for Data Analysis - Jul 5, 2017.
A guide for beginners to Python for getting started with data analysis.
Beginners, Data Analysis, Jupyter, numpy, Python
- Working With Numpy Matrices: A Handy First Reference - Mar 10, 2017.
This introductory tutorial does a great job of outlining the most common Numpy array creation and manipulation functionality. A good post to keep handy while taking your first steps in Numpy, or to use as a handy reminder.
numpy, Python
- Deep Residual Networks for Image Classification with Python + NumPy - Jul 7, 2016.
This post outlines the results of an innovative Deep Residual Network implementation for Image Classification using Python and NumPy.
Deep Learning, Neural Networks, numpy, Python
- Top New Features in Orange 3 Data Mining Platform - Dec 10, 2015.
The main technical advantage of Orange 3 is its integration with NumPy and SciPy libraries. Other improvements include reading online data, working through queries for SQL and pre-processing.
Pages: 1 2
Data Mining, Data Visualization, numpy, Orange, Python, scikit-learn