万本电子书0元读

万本电子书0元读

顶部广告

Artificial Intelligence for Big Data电子书

售       价:¥

13人正在读 | 0人评论 6.2

作       者:Anand Deshpande,Manish Kumar

出  版  社:Packt Publishing

出版时间:2018-05-22

字       数:46.5万

所属分类: 进口书 > 外文原版书 > 电脑/网络

温馨提示:数字商品不支持退换货,不提供源文件,不支持导出打印

为你推荐

  • 读书简介
  • 目录
  • 累计评论(0条)
  • 读书简介
  • 目录
  • 累计评论(0条)
Build next-generation Artificial Intelligence systems with Java About This Book ? Implement AI techniques to build smart applications using Deeplearning4j ? Perform big data analytics to derive quality insights using Spark MLlib ? Create self-learning systems using neural networks, NLP, and reinforcement learning Who This Book Is For This book is for you if you are a data scientist, big data professional, or novice who has basic knowledge of big data and wish to get proficiency in Artificial Intelligence techniques for big data. Some competence in mathematics is an added advantage in the field of elementary linear algebra and calculus. What You Will Learn ? Manage Artificial Intelligence techniques for big data with Java ? Build smart systems to analyze data for enhanced customer experience ? Learn to use Artificial Intelligence frameworks for big data ? Understand complex problems with algorithms and Neuro-Fuzzy systems ? Design stratagems to leverage data using Machine Learning process ? Apply Deep Learning techniques to prepare data for modeling ? Construct models that learn from data using open source tools ? Analyze big data problems using scalable Machine Learning algorithms In Detail In this age of big data, companies have larger amount of consumer data than ever before, far more than what the current technologies can ever hope to keep up with. However, Artificial Intelligence closes the gap by moving past human limitations in order to analyze data. With the help of Artificial Intelligence for big data, you will learn to use Machine Learning algorithms such as k-means, SVM, RBF, and regression to perform advanced data analysis. You will understand the current status of Machine and Deep Learning techniques to work on Genetic and Neuro-Fuzzy algorithms. In addition, you will explore how to develop Artificial Intelligence algorithms to learn from data, why they are necessary, and how they can help solve real-world problems. By the end of this book, you'll have learned how to implement various Artificial Intelligence algorithms for your big data systems and integrate them into your product offerings such as reinforcement learning, natural language processing, image recognition, genetic algorithms, and fuzzy logic systems. Style and approach An easy-to-follow, step-by-step guide to help you get to grips with real-world applications of Artificial Intelligence for big data using Java
目录展开

Title Page

Copyright and Credits

Artificial Intelligence for Big Data

Packt Upsell

Why subscribe?

PacktPub.com

Contributors

About the authors

About the reviewers

Packt is searching for authors like you

Preface

Who this book is for

What this book covers

To get the most out of this book

Download the example code files

Download the color images

Conventions used

Get in touch

Reviews

Big Data and Artificial Intelligence Systems

Results pyramid

What the human brain does best

Sensory input

Storage

Processing power

Low energy consumption

What the electronic brain does best

Speed information storage

Processing by brute force

Best of both worlds

Big Data

Evolution from dumb to intelligent machines

Intelligence

Types of intelligence

Intelligence tasks classification

Big data frameworks

Batch processing

Real-time processing

Intelligent applications with Big Data

Areas of AI

Frequently asked questions

Summary

Ontology for Big Data

Human brain and Ontology

Ontology of information science

Ontology properties

Advantages of Ontologies

Components of Ontologies

The role Ontology plays in Big Data

Ontology alignment

Goals of Ontology in big data

Challenges with Ontology in Big Data

RDF—the universal data format

RDF containers

RDF classes

RDF properties

RDF attributes

Using OWL, the Web Ontology Language

SPARQL query language

Generic structure of an SPARQL query

Additional SPARQL features

Building intelligent machines with Ontologies

Ontology learning

Ontology learning process

Frequently asked questions

Summary

Learning from Big Data

Supervised and unsupervised machine learning

The Spark programming model

The Spark MLlib library

The transformer function

The estimator algorithm

Pipeline

Regression analysis

Linear regression

Least square method

Generalized linear model

Logistic regression classification technique

Logistic regression with Spark

Polynomial regression

Stepwise regression

Forward selection

Backward elimination

Ridge regression

LASSO regression

Data clustering

The K-means algorithm

K-means implementation with Spark ML

Data dimensionality reduction

Singular value decomposition

Matrix theory and linear algebra overview

The important properties of singular value decomposition

SVD with Spark ML

The principal component analysis method

The PCA algorithm using SVD

Implementing SVD with Spark ML

Content-based recommendation systems

Frequently asked questions

Summary

Neural Network for Big Data

Fundamentals of neural networks and artificial neural networks

Perceptron and linear models

Component notations of the neural network

Mathematical representation of the simple perceptron model

Activation functions

Sigmoid function

Tanh function

ReLu

Nonlinearities model

Feed-forward neural networks

Gradient descent and backpropagation

Gradient descent pseudocode

Backpropagation model

Overfitting

Recurrent neural networks

The need for RNNs

Structure of an RNN

Training an RNN

Frequently asked questions

Summary

Deep Big Data Analytics

Deep learning basics and the building blocks

Gradient-based learning

Backpropagation

Non-linearities

Dropout

Building data preparation pipelines

Practical approach to implementing neural net architectures

Hyperparameter tuning

Learning rate

Number of training iterations

Number of hidden units

Number of epochs

Experimenting with hyperparameters with Deeplearning4j

Distributed computing

Distributed deep learning

DL4J and Spark

API overview

TensorFlow

Keras

Frequently asked questions

Summary

Natural Language Processing

Natural language processing basics

Text preprocessing

Removing stop words

Stemming

Porter stemming

Snowball stemming

Lancaster stemming

Lovins stemming

Dawson stemming

Lemmatization

N-grams

Feature extraction

One hot encoding

TF-IDF

CountVectorizer

Word2Vec

CBOW

Skip-Gram model

Applying NLP techniques

Text classification

Introduction to Naive Bayes' algorithm

Random Forest

Naive Bayes' text classification code example

Implementing sentiment analysis

Frequently asked questions

Summary

Fuzzy Systems

Fuzzy logic fundamentals

Fuzzy sets and membership functions

Attributes and notations of crisp sets

Operations on crisp sets

Properties of crisp sets

Fuzzification

Defuzzification

Defuzzification methods

Fuzzy inference

ANFIS network

Adaptive network

ANFIS architecture and hybrid learning algorithm

Fuzzy C-means clustering

NEFCLASS

Frequently asked questions

Summary

Genetic Programming

Genetic algorithms structure

KEEL framework

Encog machine learning framework

Encog development environment setup

Encog API structure

Introduction to the Weka framework

Weka Explorer features

Preprocess

Classify

Attribute search with genetic algorithms in Weka

Frequently asked questions

Summary

Swarm Intelligence

Swarm intelligence

Self-organization

Stigmergy

Division of labor

Advantages of collective intelligent systems

Design principles for developing SI systems

The particle swarm optimization model

PSO implementation considerations

Ant colony optimization model

MASON Library

MASON Layered Architecture

Opt4J library

Applications in big data analytics

Handling dynamical data

Multi-objective optimization

Frequently asked questions

Summary

Reinforcement Learning

Reinforcement learning algorithms concept

Reinforcement learning techniques

Markov decision processes

Dynamic programming and reinforcement learning

Learning in a deterministic environment with policy iteration

Q-Learning

SARSA learning

Deep reinforcement learning

Frequently asked questions

Summary

Cyber Security

Big Data for critical infrastructure protection

Data collection and analysis

Anomaly detection

Corrective and preventive actions

Conceptual Data Flow

Components overview

Hadoop Distributed File System

NoSQL databases

MapReduce

Apache Pig

Hive

Understanding stream processing

Stream processing semantics

Spark Streaming

Kafka

Cyber security attack types

Phishing

Lateral movement

Injection attacks

AI-based defense

Understanding SIEM

Visualization attributes and features

Splunk

Splunk Enterprise Security

Splunk Light

ArcSight ESM

Frequently asked questions

Summary

Cognitive Computing

Cognitive science

Cognitive Systems

A brief history of Cognitive Systems

Goals of Cognitive Systems

Cognitive Systems enablers

Application in Big Data analytics

Cognitive intelligence as a service

IBM cognitive toolkit based on Watson

Watson-based cognitive apps

Developing with Watson

Setting up the prerequisites

Developing a language translator application in Java

Frequently asked questions

Summary

Other Books You May Enjoy

Leave a review - let other readers know what you think

累计评论(0条) 0个书友正在讨论这本书 发表评论

发表评论

发表评论,分享你的想法吧!

买过这本书的人还买过

读了这本书的人还在读

回顶部